diff --git a/inference/core/env.py b/inference/core/env.py index d261f54f34..91a8f964ab 100644 --- a/inference/core/env.py +++ b/inference/core/env.py @@ -196,6 +196,9 @@ os.getenv("CORE_MODEL_YOLO_WORLD_ENABLED", True) ) +# Enable experimental RFDETR backend (inference_exp) rollout, default is True +USE_INFERENCE_EXP_MODELS = str2bool(os.getenv("USE_INFERENCE_EXP_MODELS", "False")) + # ID of host device, default is None DEVICE_ID = os.getenv("DEVICE_ID", None) diff --git a/inference/core/models/base.py b/inference/core/models/base.py index 6d39e3d3e9..ed1e9aa62a 100644 --- a/inference/core/models/base.py +++ b/inference/core/models/base.py @@ -134,6 +134,7 @@ def infer_from_request( responses = self.infer(**request.dict(), return_image_dims=False) for response in responses: response.time = perf_counter() - t1 + logger.debug(f"model infer time: {response.time * 1000.0} ms") if request.id: response.inference_id = request.id diff --git a/inference/core/models/exp_adapter.py b/inference/core/models/exp_adapter.py new file mode 100644 index 0000000000..bdd7274bcc --- /dev/null +++ b/inference/core/models/exp_adapter.py @@ -0,0 +1,129 @@ +from threading import Lock +from time import perf_counter +from typing import Any, Generic, List, Optional, Tuple, Union + +import numpy as np +from inference_exp.models.base.object_detection import Detections, ObjectDetectionModel +from inference_exp.models.base.types import ( + PreprocessedInputs, + PreprocessingMetadata, + RawPrediction, +) + +from inference.core.entities.responses.inference import ( + InferenceResponseImage, + ObjectDetectionInferenceResponse, + ObjectDetectionPrediction, +) +from inference.core.env import API_KEY +from inference.core.logger import logger +from inference.core.models.base import Model +from inference.core.utils.image_utils import load_image_rgb +from inference.models.aliases import resolve_roboflow_model_alias + + +class InferenceExpObjectDetectionModelAdapter(Model): + def __init__(self, model_id: str, api_key: str = None, **kwargs): + super().__init__() + + self.metrics = {"num_inferences": 0, "avg_inference_time": 0.0} + + self.api_key = api_key if api_key else API_KEY + model_id = resolve_roboflow_model_alias(model_id=model_id) + + self.task_type = "object-detection" + + # Lazy import to avoid hard dependency if flag disabled + from inference_exp import AutoModel # type: ignore + + self._exp_model: ObjectDetectionModel = AutoModel.from_pretrained( + model_id_or_path=model_id, api_key=self.api_key + ) + if hasattr(self._exp_model, "optimize_for_inference"): + self._exp_model.optimize_for_inference() + + self.class_names = list(self._exp_model.class_names) + + def map_inference_kwargs(self, kwargs: dict) -> dict: + return kwargs + + def preprocess(self, image: Any, **kwargs): + is_batch = isinstance(image, list) + images = image if is_batch else [image] + np_images: List[np.ndarray] = [ + load_image_rgb( + v, + disable_preproc_auto_orient=kwargs.get( + "disable_preproc_auto_orient", False + ), + ) + for v in images + ] + mapped_kwargs = self.map_inference_kwargs(kwargs) + return self._exp_model.pre_process(np_images, **mapped_kwargs) + + def predict(self, img_in, **kwargs): + mapped_kwargs = self.map_inference_kwargs(kwargs) + return self._exp_model.forward(img_in, **mapped_kwargs) + + def postprocess( + self, + predictions: Tuple[np.ndarray, ...], + preprocess_return_metadata: PreprocessingMetadata, + **kwargs, + ) -> List[Detections]: + mapped_kwargs = self.map_inference_kwargs(kwargs) + detections_list = self._exp_model.post_process( + predictions, preprocess_return_metadata, **mapped_kwargs + ) + + responses: List[ObjectDetectionInferenceResponse] = [] + for preproc_metadata, det in zip(preprocess_return_metadata, detections_list): + H = preproc_metadata.original_size.height + W = preproc_metadata.original_size.width + + xyxy = det.xyxy.detach().cpu().numpy() + confs = det.confidence.detach().cpu().numpy() + class_ids = det.class_id.detach().cpu().numpy() + + predictions: List[ObjectDetectionPrediction] = [] + + for (x1, y1, x2, y2), conf, class_id in zip(xyxy, confs, class_ids): + cx = (float(x1) + float(x2)) / 2.0 + cy = (float(y1) + float(y2)) / 2.0 + w = float(x2) - float(x1) + h = float(y2) - float(y1) + class_id_int = int(class_id) + class_name = ( + self.class_names[class_id_int] + if 0 <= class_id_int < len(self.class_names) + else str(class_id_int) + ) + predictions.append( + ObjectDetectionPrediction( + x=cx, + y=cy, + width=w, + height=h, + confidence=float(conf), + **{"class": class_name}, + class_id=class_id_int, + ) + ) + + responses.append( + ObjectDetectionInferenceResponse( + predictions=predictions, + image=InferenceResponseImage(width=W, height=H), + ) + ) + + return responses + + def clear_cache(self, delete_from_disk: bool = True) -> None: + """Clears any cache if necessary. TODO: Implement this to delete the cache from the experimental model. + + Args: + delete_from_disk (bool, optional): Whether to delete cached files from disk. Defaults to True. + """ + pass diff --git a/inference/models/aliases.py b/inference/models/aliases.py index e1090230bd..2c0cd3dea1 100644 --- a/inference/models/aliases.py +++ b/inference/models/aliases.py @@ -17,11 +17,15 @@ "paligemma-3b-ft-docvqa-448": "paligemma-pretrains/18", "paligemma-3b-ft-ocrvqa-448": "paligemma-pretrains/19", } +# FLORENCE_ALIASES = { +# "florence-2-base": "florence-pretrains/1", +# "florence-2-large": "florence-pretrains/2", +# } +# since transformers 0.53.3 need newer version of florence2 weights FLORENCE_ALIASES = { - "florence-2-base": "florence-pretrains/1", - "florence-2-large": "florence-pretrains/2", + "florence-2-base": "florence-pretrains/3", + "florence-2-large": "florence-pretrains/4", } - QWEN_ALIASES = { "qwen25-vl-7b": "qwen-pretrains/1", } diff --git a/inference/models/florence2/florence2.py b/inference/models/florence2/florence2.py index aa8bc113d3..cbc4794f75 100644 --- a/inference/models/florence2/florence2.py +++ b/inference/models/florence2/florence2.py @@ -71,6 +71,7 @@ def initialize_model(self, **kwargs): lora_config = LoraConfig.from_pretrained(self.cache_dir, device_map=DEVICE) model_id = lora_config.base_model_name_or_path revision = lora_config.revision + original_revision_pre_mapping = revision if revision is not None: try: self.dtype = getattr(torch, revision) @@ -135,11 +136,19 @@ def initialize_model(self, **kwargs): adapter_missing_keys.append(key) load_result.missing_keys.clear() load_result.missing_keys.extend(adapter_missing_keys) - if len(load_result.missing_keys) > 0: - raise RuntimeError( - "Could not load LoRA weights for the model - found missing checkpoint keys " - f"({len(load_result.missing_keys)}): {load_result.missing_keys}", - ) + if original_revision_pre_mapping == "refs/pr/6": + if len(load_result.missing_keys) > 2: + raise RuntimeError( + "Could not load LoRA weights for the model - found missing checkpoint keys " + f"({len(load_result.missing_keys)}): {load_result.missing_keys}", + ) + + else: + if len(load_result.missing_keys) > 0: + raise RuntimeError( + "Could not load LoRA weights for the model - found missing checkpoint keys " + f"({len(load_result.missing_keys)}): {load_result.missing_keys}", + ) self.model = model except ImportError: @@ -166,6 +175,7 @@ def get_lora_base_from_roboflow(self, model_id, revision): ) revision_mapping = { + ("microsoft/Florence-2-base-ft", "refs/pr/6"): "refs/pr/29-converted", ("microsoft/Florence-2-base-ft", "refs/pr/22"): "refs/pr/29-converted", ("microsoft/Florence-2-large-ft", "refs/pr/20"): "refs/pr/38-converted", } diff --git a/inference/models/florence2/utils.py b/inference/models/florence2/utils.py index 6411eeee90..f873cf57d8 100644 --- a/inference/models/florence2/utils.py +++ b/inference/models/florence2/utils.py @@ -15,10 +15,15 @@ def import_class_from_file(file_path, class_name, alias_name=None): sys.path.insert(0, parent_dir) + previous_module = sys.modules.get(module_name) + injected = False try: spec = importlib.util.spec_from_file_location(module_name, file_path) module = importlib.util.module_from_spec(spec) + sys.modules[module_name] = module + injected = True + # Manually set the __package__ attribute to the parent package module.__package__ = os.path.basename(module_dir) @@ -27,5 +32,12 @@ def import_class_from_file(file_path, class_name, alias_name=None): if alias_name: globals()[alias_name] = cls return cls + except Exception: + if injected: + if previous_module is not None: + sys.modules[module_name] = previous_module + else: + sys.modules.pop(module_name, None) + raise finally: sys.path.pop(0) diff --git a/inference/models/rfdetr/rfdetr_exp.py b/inference/models/rfdetr/rfdetr_exp.py new file mode 100644 index 0000000000..c8e4cf3bd4 --- /dev/null +++ b/inference/models/rfdetr/rfdetr_exp.py @@ -0,0 +1,14 @@ +from inference.core.models.exp_adapter import InferenceExpObjectDetectionModelAdapter + + +class RFDetrExperimentalModel(InferenceExpObjectDetectionModelAdapter): + """Adapter for RF-DETR using inference_exp AutoModel backend. + + This class wraps an inference_exp AutoModel to present the same interface + as legacy models in the inference server. + """ + + def map_inference_kwargs(self, kwargs: dict) -> dict: + return { + "threshold": kwargs.get("confidence"), + } diff --git a/inference/models/utils.py b/inference/models/utils.py index 89fdef232e..f60e596135 100644 --- a/inference/models/utils.py +++ b/inference/models/utils.py @@ -19,6 +19,7 @@ PALIGEMMA_ENABLED, QWEN_2_5_ENABLED, SMOLVLM2_ENABLED, + USE_INFERENCE_EXP_MODELS, ) from inference.core.models.base import Model from inference.core.models.stubs import ( @@ -550,3 +551,30 @@ def get_model(model_id, api_key=API_KEY, **kwargs) -> Model: def get_roboflow_model(*args, **kwargs): return get_model(*args, **kwargs) + + +# Prefer inference_exp backend for RF-DETR variants when enabled and available +try: + if USE_INFERENCE_EXP_MODELS: + # Ensure experimental package is importable before swapping + __import__("inference_exp") + from inference.models.rfdetr.rfdetr_exp import RFDetrExperimentalModel + from inference.models.yolov8.yolov8_object_detection_exp import ( + Yolo8ODExperimentalModel, + ) + + for task, variant in ROBOFLOW_MODEL_TYPES.keys(): + if task == "object-detection" and variant.startswith("rfdetr-"): + ROBOFLOW_MODEL_TYPES[(task, variant)] = RFDetrExperimentalModel + + # iterate over ROBOFLOW_MODEL_TYPES and replace all valuses where the model variatn starts with yolov8 with the experimental model + for task, variant in ROBOFLOW_MODEL_TYPES.keys(): + if task == "object-detection" and variant.startswith("yolov8"): + ROBOFLOW_MODEL_TYPES[(task, variant)] = Yolo8ODExperimentalModel + + +except Exception: + # Fallback silently to legacy ONNX RFDETR when experimental stack is unavailable + warnings.warn( + "Inference experimental stack is unavailable, falling back to regular model inference stack" + ) diff --git a/inference/models/yolov8/yolov8_object_detection_exp.py b/inference/models/yolov8/yolov8_object_detection_exp.py new file mode 100644 index 0000000000..58beb0ff7e --- /dev/null +++ b/inference/models/yolov8/yolov8_object_detection_exp.py @@ -0,0 +1,11 @@ +from inference.core.models.exp_adapter import InferenceExpObjectDetectionModelAdapter + + +class Yolo8ODExperimentalModel(InferenceExpObjectDetectionModelAdapter): + def map_inference_kwargs(self, kwargs: dict) -> dict: + return { + "conf_thresh": kwargs.get("confidence"), + "iou_thresh": kwargs.get("iou_threshold"), + "max_detections": kwargs.get("max_detections"), + "class_agnostic": kwargs.get("class_agnostic"), + } diff --git a/inference_experimental/pyproject.toml b/inference_experimental/pyproject.toml index db0bf0c606..56d6558f4e 100644 --- a/inference_experimental/pyproject.toml +++ b/inference_experimental/pyproject.toml @@ -1,9 +1,9 @@ [project] name = "inference-exp" -version = "0.15.5" +version = "0.16.2" description = "Experimental vresion of inference package which is supposed to evolve into inference 1.0" readme = "README.md" -requires-python = ">=3.10,<3.13" +requires-python = ">=3.9,<3.13" dependencies = [ "numpy", "torch>=2.0.0,<3.0.0", @@ -28,7 +28,7 @@ dependencies = [ "filelock>=3.12.0,<4.0.0", "rich>=14.1.0,<15.0.0", "segmentation-models-pytorch>=0.5.0,<1.0.0", - "scikit-image~=0.25.0" + "scikit-image>=0.24.0,<0.26.0" ] [project.optional-dependencies] @@ -39,28 +39,28 @@ torch-cpu = [ torch-cu118 = [ "torch>=2.0.0,<3.0.0", "torchvision", - "pycuda>=2025.0.0,<2026.0.0", + "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin' and python_version >= '3.10'", ] torch-cu124 = [ "torch>=2.0.0,<3.0.0", "torchvision", - "pycuda>=2025.0.0,<2026.0.0", + "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin' and python_version >= '3.10'", ] torch-cu126 = [ "torch>=2.0.0,<3.0.0", "torchvision", - "pycuda>=2025.0.0,<2026.0.0", + "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin' and python_version >= '3.10'", ] torch-cu128 = [ "torch>=2.0.0,<3.0.0", "torchvision", - "pycuda>=2025.0.0,<2026.0.0", + "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin' and python_version >= '3.10'", ] torch-jp6-cu126 = [ - "numpy<2.0.0", - "torch>=2.0.0,<3.0.0", - "torchvision", - "pycuda>=2025.0.0,<2026.0.0", + "numpy<2.0.0; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", + "torch>=2.0.0,<3.0.0; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", + "torchvision; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", + "pycuda>=2025.0.0,<2026.0.0; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", ] onnx-cpu = [ "onnxruntime>=1.15.1,<1.23.0" @@ -74,9 +74,9 @@ onnx-cu12 = [ "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin'", ] onnx-jp6-cu126 = [ - "numpy<2.0.0", - "onnxruntime-gpu>=1.17.0,<1.24.0; platform_system != 'darwin'", - "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin'", + "numpy<2.0.0; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", + "onnxruntime-gpu>=1.17.0,<1.24.0; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", + "pycuda>=2025.0.0,<2026.0.0; platform_system == 'Linux' and platform_machine == 'aarch64' and python_version >= '3.10'", ] mediapipe = [ "mediapipe>=0.9,<0.11" @@ -89,7 +89,7 @@ trt10 = [ "tensorrt-cu12>=10.0.0,<11.0.0; platform_system == 'Linux' or platform_system == 'Windows'", "tensorrt-lean>=10.0.0,<11.0.0; platform_system == 'Linux' or platform_system == 'Windows'", "tensorrt-lean-cu12>=10.0.0,<11.0.0; platform_system == 'Linux' or platform_system == 'Windows'", - "pycuda>=2025.0.0,<2026.0.0", + "pycuda>=2025.0.0,<2026.0.0; platform_system != 'darwin' and python_version >= '3.10'", ] test = [ "pytest>=8.0.0", @@ -179,6 +179,26 @@ name = "tensorrt-cu12-bindings" [[tool.uv.dependency-metadata]] name = "tensorrt-lean-cu12-bindings" +[[tool.uv.dependency-metadata]] +name = "tensorrt" +requires-dist = [ + "tensorrt-cu12; platform_system == 'Linux' or platform_system == 'Windows'", + "tensorrt-cu13; platform_system == 'Linux' or platform_system == 'Windows'", +] + +[[tool.uv.dependency-metadata]] +name = "tensorrt-cu13" + +[[tool.uv.dependency-metadata]] +name = "tensorrt-lean" +requires-dist = [ + "tensorrt-lean-cu12; platform_system == 'Linux' or platform_system == 'Windows'", + "tensorrt-lean-cu13; platform_system == 'Linux' or platform_system == 'Windows'", +] + +[[tool.uv.dependency-metadata]] +name = "tensorrt-lean-cu13" + [tool.uv] conflicts = [ diff --git a/inference_experimental/tests/integration_tests/e2e/test_clip_e2e.py b/inference_experimental/tests/integration_tests/e2e/test_clip_e2e.py index 5c500ab6e5..62bfc167d4 100644 --- a/inference_experimental/tests/integration_tests/e2e/test_clip_e2e.py +++ b/inference_experimental/tests/integration_tests/e2e/test_clip_e2e.py @@ -18,6 +18,9 @@ def clip_model_name() -> str: return "RN50" +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.fixture(scope="module") def baseline_clip_model(clip_model_name: str): original_clip_dir = os.path.join(ASSETS_DIR, "original_clip") @@ -78,6 +81,9 @@ def clip_onnx_wrapper_small_batch(clip_model_name: str) -> AutoModel: return _get_clip_onnx_wrapper(clip_model_name=clip_model_name, max_batch_size=2) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) def _test_clip_wrapper_vs_baseline_for_image_embeddings( clip_wrapper, baseline_clip_model, @@ -104,6 +110,9 @@ def _test_clip_wrapper_vs_baseline_for_image_embeddings( assert similarity.item() > 0.99 +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.e2e_model_inference @pytest.mark.parametrize("image_shape", [(224, 224), (320, 240), (448, 448)]) def test_torch_clip_wrapper_vs_baseline_for_image_embeddings( @@ -118,6 +127,9 @@ def test_torch_clip_wrapper_vs_baseline_for_image_embeddings( ) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.onnx_extras @pytest.mark.e2e_model_inference @pytest.mark.parametrize("image_shape", [(224, 224), (320, 240), (448, 448)]) @@ -133,6 +145,9 @@ def test_onnx_clip_wrapper_vs_baseline_for_image_embeddings( ) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) def _test_clip_wrapper_vs_baseline_for_text_embeddings( clip_wrapper, baseline_clip_model, @@ -153,6 +168,9 @@ def _test_clip_wrapper_vs_baseline_for_text_embeddings( assert similarity.item() > 0.999 +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.e2e_model_inference def test_torch_clip_wrapper_vs_baseline_for_text_embeddings( clip_torch_wrapper: AutoModel, @@ -163,6 +181,9 @@ def test_torch_clip_wrapper_vs_baseline_for_text_embeddings( ) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.onnx_extras @pytest.mark.e2e_model_inference def test_onnx_clip_wrapper_vs_baseline_for_text_embeddings( diff --git a/inference_experimental/tests/integration_tests/models/test_clip_predictions.py b/inference_experimental/tests/integration_tests/models/test_clip_predictions.py index 51fed52f94..bbfc964b7c 100644 --- a/inference_experimental/tests/integration_tests/models/test_clip_predictions.py +++ b/inference_experimental/tests/integration_tests/models/test_clip_predictions.py @@ -1058,6 +1058,9 @@ def reference_clip_model( yield original_model, preprocess +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.slow @pytest.mark.torch_models def test_clip_torch_image_prediction_for_numpy( @@ -1100,6 +1103,9 @@ def test_clip_torch_image_prediction_for_torch_tensor( ) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.slow @pytest.mark.torch_models def test_clip_predictions_for_image_are_comparable_with_reference_implementation( @@ -1151,6 +1157,9 @@ def test_clip_torch_image_text_embeddings( assert tuple(embeddings.shape) == (4, 1024) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.slow @pytest.mark.torch_models def test_clip_torch_image_text_embeddings_on_pair_with_reference_implementation( @@ -1217,6 +1226,9 @@ def test_clip_onnx_image_prediction_for_torch_tensor( assert torch.allclose(embeddings, EXPECTED_DOG_IMAGE_EMBEDDING, atol=1e-3) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.slow @pytest.mark.onnx_extras @pytest.mark.cpu_only @@ -1275,6 +1287,9 @@ def test_clip_onnx_image_prediction_for_text( assert tuple(embeddings.shape) == (1, 1024) +@pytest.mark.skip( + reason="Skipping clip reference model test because openai weights hosted on azure are not available" +) @pytest.mark.slow @pytest.mark.onnx_extras @pytest.mark.cpu_only diff --git a/inference_experimental/uv.lock b/inference_experimental/uv.lock index d18b044318..e262223fa6 100644 --- a/inference_experimental/uv.lock +++ b/inference_experimental/uv.lock @@ -1,16 +1,709 @@ version = 1 -revision = 2 -requires-python = ">=3.10, <3.13" +revision = 3 +requires-python = ">=3.9, <3.13" resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] conflicts = [[ { package = "inference-exp", extra = "torch-cpu" }, @@ -31,6 +724,10 @@ conflicts = [[ [[manifest.dependency-metadata]] name = "nvidia-cuda-runtime-cu12" +[[manifest.dependency-metadata]] +name = "tensorrt" +requires-dist = ["tensorrt-cu12 ; sys_platform == 'linux' or sys_platform == 'win32'", "tensorrt-cu13 ; sys_platform == 'linux' or sys_platform == 'win32'"] + [[manifest.dependency-metadata]] name = "tensorrt-cu12" requires-dist = ["tensorrt-cu12-bindings", "tensorrt-cu12-libs"] @@ -42,6 +739,13 @@ name = "tensorrt-cu12-bindings" name = "tensorrt-cu12-libs" requires-dist = ["nvidia-cuda-runtime-cu12"] +[[manifest.dependency-metadata]] +name = "tensorrt-cu13" + +[[manifest.dependency-metadata]] +name = "tensorrt-lean" +requires-dist = ["tensorrt-lean-cu12 ; sys_platform == 'linux' or sys_platform == 'win32'", "tensorrt-lean-cu13 ; sys_platform == 'linux' or sys_platform == 'win32'"] + [[manifest.dependency-metadata]] name = "tensorrt-lean-cu12" requires-dist = ["tensorrt-lean-cu12-bindings", "tensorrt-lean-cu12-libs"] @@ -53,37 +757,669 @@ name = "tensorrt-lean-cu12-bindings" name = "tensorrt-lean-cu12-libs" requires-dist = ["nvidia-cuda-runtime-cu12"] +[[manifest.dependency-metadata]] +name = "tensorrt-lean-cu13" + [[package]] name = "absl-py" -version = "2.3.0" +version = "2.3.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/03/15/18693af986560a5c3cc0b84a8046b536ffb2cdb536e03cce897f2759e284/absl_py-2.3.0.tar.gz", hash = "sha256:d96fda5c884f1b22178852f30ffa85766d50b99e00775ea626c23304f582fc4f", size = 116400, upload-time = "2025-05-27T09:15:50.143Z" } +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/87/04/9d75e1d3bb4ab8ec67ff10919476ccdee06c098bcfcf3a352da5f985171d/absl_py-2.3.0-py3-none-any.whl", hash = "sha256:9824a48b654a306168f63e0d97714665f8490b8d89ec7bf2efc24bf67cf579b3", size = 135657, upload-time = "2025-05-27T09:15:48.742Z" }, + { 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 = "accelerate" -version = "1.7.0" +version = "1.10.1" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "huggingface-hub" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "psutil" }, - { name = "pyyaml" }, - { name = "safetensors" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "huggingface-hub", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "psutil", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyyaml", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "safetensors", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/b1/72/ff3961c19ee395c3d30ac630ee77bfb0e1b46b87edc504d4f83bb4a89705/accelerate-1.10.1.tar.gz", hash = "sha256:3dea89e433420e4bfac0369cae7e36dcd6a56adfcfd38cdda145c6225eab5df8", size = 392446, upload-time = "2025-08-25T13:57:06.21Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/5f/a0/d9ef19f780f319c21ee90ecfef4431cbeeca95bec7f14071785c17b6029b/accelerate-1.10.1-py3-none-any.whl", hash = "sha256:3621cff60b9a27ce798857ece05e2b9f56fcc71631cfb31ccf71f0359c311f11", size = 374909, upload-time = "2025-08-25T13:57:04.55Z" }, +] + +[[package]] +name = "accelerate" +version = "1.11.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] -sdist = { url = "https://files.pythonhosted.org/packages/97/33/47bbd507e3a851d33d19ce7b2141c5ea3689bfae91ba168044d7db24b0e9/accelerate-1.7.0.tar.gz", hash = "sha256:e8a2a5503d6237b9eee73cc8d36cf543f9c2d8dd2c6713450b322f5e6d53a610", size = 376026, upload-time = "2025-05-15T10:00:52.117Z" } +dependencies = [ + { name = "huggingface-hub", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "psutil", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyyaml", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "safetensors", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/23/60/2757c4f03a8705dbf80b1268b03881927878dca5ed07d74f733fb6c219e0/accelerate-1.11.0.tar.gz", hash = "sha256:bb1caf2597b4cd632b917b5000c591d10730bb024a79746f1ee205bba80bd229", size = 393715, upload-time = "2025-10-20T14:42:25.025Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/f8/bb/be8146c196ad6e4dec78385d91e92591f8a433576c4e04c342a636fcd811/accelerate-1.7.0-py3-none-any.whl", hash = "sha256:cf57165cca28769c6cf2650812371c81b18e05743dfa3c748524b1bb4f2b272f", size = 362095, upload-time = "2025-05-15T10:00:49.914Z" }, + { url = "https://files.pythonhosted.org/packages/77/85/85951bc0f9843e2c10baaa1b6657227056095de08f4d1eea7d8b423a6832/accelerate-1.11.0-py3-none-any.whl", hash = "sha256:a628fa6beb069b8e549460fc449135d5bd8d73e7a11fd09f0bc9fc4ace7f06f1", size = 375777, upload-time = "2025-10-20T14:42:23.256Z" }, ] [[package]] @@ -106,20 +1442,20 @@ wheels = [ [[package]] name = "anyascii" -version = "0.3.2" +version = "0.3.3" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/9f/52/93b9ea99063f7cf37fb67f5e3f49480686cbe7f228c48b9d713326223b6e/anyascii-0.3.2.tar.gz", hash = "sha256:9d5d32ef844fe225b8bc7cba7f950534fae4da27a9bf3a6bea2cb0ea46ce4730", size = 214052, upload-time = "2023-03-16T00:24:42.431Z" } +sdist = { url = "https://files.pythonhosted.org/packages/db/ba/edebda727008390936da4a9bf677c19cd63b32d51e864656d2cbd1028e25/anyascii-0.3.3.tar.gz", hash = "sha256:c94e9dd9d47b3d9494eca305fef9447d00b4bf1a32aff85aa746fa3ec7fb95c3", size = 264680, upload-time = "2025-06-29T03:33:30.427Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/4f/7b/a9a747e0632271d855da379532b05a62c58e979813814a57fa3b3afeb3a4/anyascii-0.3.2-py3-none-any.whl", hash = "sha256:3b3beef6fc43d9036d3b0529050b0c48bfad8bc960e9e562d7223cfb94fe45d4", size = 289923, upload-time = "2023-03-16T00:24:39.649Z" }, + { url = "https://files.pythonhosted.org/packages/c2/76/783b75a21ce3563b8709050de030ae253853b147bd52e141edc1025aa268/anyascii-0.3.3-py3-none-any.whl", hash = "sha256:f5ab5e53c8781a36b5a40e1296a0eeda2f48c649ef10c3921c1381b1d00dee7a", size = 345090, upload-time = "2025-06-29T03:33:28.356Z" }, ] [[package]] name = "attrs" -version = "25.3.0" +version = "25.4.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/5a/b0/1367933a8532ee6ff8d63537de4f1177af4bff9f3e829baf7331f595bb24/attrs-25.3.0.tar.gz", hash = "sha256:75d7cefc7fb576747b2c81b4442d4d4a1ce0900973527c011d1030fd3bf4af1b", size = 812032, upload-time = "2025-03-13T11:10:22.779Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/77/06/bb80f5f86020c4551da315d78b3ab75e8228f89f0162f2c3a819e407941a/attrs-25.3.0-py3-none-any.whl", hash = "sha256:427318ce031701fea540783410126f03899a97ffc6f61596ad581ac2e40e3bc3", size = 63815, upload-time = "2025-03-13T11:10:21.14Z" }, + { url = "https://files.pythonhosted.org/packages/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]] @@ -133,124 +1469,168 @@ wheels = [ [[package]] name = "bitsandbytes" -version = "0.46.0" +version = "0.47.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "numpy", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy" }, + { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/70/39/aa68b7bd28b091a96795be18810b2325ce9263ba8db087f6f196a663f03a/bitsandbytes-0.46.0-py3-none-manylinux_2_24_aarch64.whl", hash = "sha256:010709b56c85b0355f47fefbb37fe9058e8b18b9bf275bd576c5bd95a0d14d0c", size = 25533201, upload-time = "2025-05-27T21:25:27.601Z" }, - { url = "https://files.pythonhosted.org/packages/72/27/ec6ee3408e09e01ab05db07af5a97dc76db7bc18824cf5f5dbc98e1e08a4/bitsandbytes-0.46.0-py3-none-manylinux_2_24_x86_64.whl", hash = "sha256:ef38883cfd26f36a0dfff1715f620f87cee3813431f33e10e9658205160cb89b", size = 67047276, upload-time = "2025-05-27T21:25:31.299Z" }, - { url = "https://files.pythonhosted.org/packages/f3/06/2ef5f6b28d8fa442c670b5acc1eb09dd57d4edb00b435b35529c3f09936c/bitsandbytes-0.46.0-py3-none-win_amd64.whl", hash = "sha256:121820a6df80ae3b7e361f7ef193279c3204c361a7e21eb43b5ffa7293403979", size = 66452401, upload-time = "2025-05-27T21:25:35.552Z" }, + { url = "https://files.pythonhosted.org/packages/aa/eb/477d6b5602f469c7305fd43eec71d890c39909f615c1d7138f6e7d226eff/bitsandbytes-0.47.0-py3-none-manylinux_2_24_aarch64.whl", hash = "sha256:2f805b76891a596025e9e13318b675d08481b9ee650d65e5d2f9d844084c6521", size = 30004641, upload-time = "2025-08-11T18:51:20.524Z" }, + { url = "https://files.pythonhosted.org/packages/9c/40/91f1a5a694f434bc13cba160045fdc4e867032e627b001bf411048fefd9c/bitsandbytes-0.47.0-py3-none-manylinux_2_24_x86_64.whl", hash = "sha256:68f3fffd494a47ed1fd7593bfc5dd2ac69b68260599b71b4c4b3a32f90f3b184", size = 61284639, upload-time = "2025-08-11T18:51:23.581Z" }, + { url = "https://files.pythonhosted.org/packages/18/a9/e07a227f1cd6562844cea2f05ee576b0991a9a91f45965c06034178ba0f6/bitsandbytes-0.47.0-py3-none-win_amd64.whl", hash = "sha256:4880a6d42ca9628b5a571c8cc3093dc3f5f52511e5a9e47d52d569807975531a", size = 60725121, upload-time = "2025-08-11T18:51:27.543Z" }, ] [[package]] name = "certifi" -version = "2025.6.15" +version = "2025.10.5" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/73/f7/f14b46d4bcd21092d7d3ccef689615220d8a08fb25e564b65d20738e672e/certifi-2025.6.15.tar.gz", hash = "sha256:d747aa5a8b9bbbb1bb8c22bb13e22bd1f18e9796defa16bab421f7f7a317323b", size = 158753, upload-time = "2025-06-15T02:45:51.329Z" } +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/84/ae/320161bd181fc06471eed047ecce67b693fd7515b16d495d8932db763426/certifi-2025.6.15-py3-none-any.whl", hash = "sha256:2e0c7ce7cb5d8f8634ca55d2ba7e6ec2689a2fd6537d8dec1296a477a4910057", size = 157650, upload-time = "2025-06-15T02:45:49.977Z" }, + { 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 = "1.17.1" -source = { registry = "https://pypi.org/simple" } -dependencies = [ - { name = "pycparser" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/fc/97/c783634659c2920c3fc70419e3af40972dbaf758daa229a7d6ea6135c90d/cffi-1.17.1.tar.gz", hash = "sha256:1c39c6016c32bc48dd54561950ebd6836e1670f2ae46128f67cf49e789c52824", size = 516621, upload-time = "2024-09-04T20:45:21.852Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/90/07/f44ca684db4e4f08a3fdc6eeb9a0d15dc6883efc7b8c90357fdbf74e186c/cffi-1.17.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:df8b1c11f177bc2313ec4b2d46baec87a5f3e71fc8b45dab2ee7cae86d9aba14", size = 182191, upload-time = "2024-09-04T20:43:30.027Z" }, - { url = "https://files.pythonhosted.org/packages/08/fd/cc2fedbd887223f9f5d170c96e57cbf655df9831a6546c1727ae13fa977a/cffi-1.17.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8f2cdc858323644ab277e9bb925ad72ae0e67f69e804f4898c070998d50b1a67", size = 178592, upload-time = "2024-09-04T20:43:32.108Z" }, - { url = "https://files.pythonhosted.org/packages/de/cc/4635c320081c78d6ffc2cab0a76025b691a91204f4aa317d568ff9280a2d/cffi-1.17.1-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:edae79245293e15384b51f88b00613ba9f7198016a5948b5dddf4917d4d26382", size = 426024, upload-time = "2024-09-04T20:43:34.186Z" }, - { url = "https://files.pythonhosted.org/packages/b6/7b/3b2b250f3aab91abe5f8a51ada1b717935fdaec53f790ad4100fe2ec64d1/cffi-1.17.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:45398b671ac6d70e67da8e4224a065cec6a93541bb7aebe1b198a61b58c7b702", size = 448188, upload-time = "2024-09-04T20:43:36.286Z" }, - { url = "https://files.pythonhosted.org/packages/d3/48/1b9283ebbf0ec065148d8de05d647a986c5f22586b18120020452fff8f5d/cffi-1.17.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ad9413ccdeda48c5afdae7e4fa2192157e991ff761e7ab8fdd8926f40b160cc3", size = 455571, upload-time = "2024-09-04T20:43:38.586Z" }, - { url = "https://files.pythonhosted.org/packages/40/87/3b8452525437b40f39ca7ff70276679772ee7e8b394934ff60e63b7b090c/cffi-1.17.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5da5719280082ac6bd9aa7becb3938dc9f9cbd57fac7d2871717b1feb0902ab6", size = 436687, upload-time = "2024-09-04T20:43:40.084Z" }, - { url = "https://files.pythonhosted.org/packages/8d/fb/4da72871d177d63649ac449aec2e8a29efe0274035880c7af59101ca2232/cffi-1.17.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2bb1a08b8008b281856e5971307cc386a8e9c5b625ac297e853d36da6efe9c17", size = 446211, upload-time = "2024-09-04T20:43:41.526Z" }, - { url = "https://files.pythonhosted.org/packages/ab/a0/62f00bcb411332106c02b663b26f3545a9ef136f80d5df746c05878f8c4b/cffi-1.17.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:045d61c734659cc045141be4bae381a41d89b741f795af1dd018bfb532fd0df8", size = 461325, upload-time = "2024-09-04T20:43:43.117Z" }, - { url = "https://files.pythonhosted.org/packages/36/83/76127035ed2e7e27b0787604d99da630ac3123bfb02d8e80c633f218a11d/cffi-1.17.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:6883e737d7d9e4899a8a695e00ec36bd4e5e4f18fabe0aca0efe0a4b44cdb13e", size = 438784, upload-time = "2024-09-04T20:43:45.256Z" }, - { url = "https://files.pythonhosted.org/packages/21/81/a6cd025db2f08ac88b901b745c163d884641909641f9b826e8cb87645942/cffi-1.17.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:6b8b4a92e1c65048ff98cfe1f735ef8f1ceb72e3d5f0c25fdb12087a23da22be", size = 461564, upload-time = "2024-09-04T20:43:46.779Z" }, - { url = "https://files.pythonhosted.org/packages/f8/fe/4d41c2f200c4a457933dbd98d3cf4e911870877bd94d9656cc0fcb390681/cffi-1.17.1-cp310-cp310-win32.whl", hash = "sha256:c9c3d058ebabb74db66e431095118094d06abf53284d9c81f27300d0e0d8bc7c", size = 171804, upload-time = "2024-09-04T20:43:48.186Z" }, - { url = "https://files.pythonhosted.org/packages/d1/b6/0b0f5ab93b0df4acc49cae758c81fe4e5ef26c3ae2e10cc69249dfd8b3ab/cffi-1.17.1-cp310-cp310-win_amd64.whl", hash = "sha256:0f048dcf80db46f0098ccac01132761580d28e28bc0f78ae0d58048063317e15", size = 181299, upload-time = "2024-09-04T20:43:49.812Z" }, - { url = "https://files.pythonhosted.org/packages/6b/f4/927e3a8899e52a27fa57a48607ff7dc91a9ebe97399b357b85a0c7892e00/cffi-1.17.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a45e3c6913c5b87b3ff120dcdc03f6131fa0065027d0ed7ee6190736a74cd401", size = 182264, upload-time = "2024-09-04T20:43:51.124Z" }, - { url = "https://files.pythonhosted.org/packages/6c/f5/6c3a8efe5f503175aaddcbea6ad0d2c96dad6f5abb205750d1b3df44ef29/cffi-1.17.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30c5e0cb5ae493c04c8b42916e52ca38079f1b235c2f8ae5f4527b963c401caf", size = 178651, upload-time = "2024-09-04T20:43:52.872Z" }, - { url = "https://files.pythonhosted.org/packages/94/dd/a3f0118e688d1b1a57553da23b16bdade96d2f9bcda4d32e7d2838047ff7/cffi-1.17.1-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f75c7ab1f9e4aca5414ed4d8e5c0e303a34f4421f8a0d47a4d019ceff0ab6af4", size = 445259, upload-time = "2024-09-04T20:43:56.123Z" }, - { url = "https://files.pythonhosted.org/packages/2e/ea/70ce63780f096e16ce8588efe039d3c4f91deb1dc01e9c73a287939c79a6/cffi-1.17.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a1ed2dd2972641495a3ec98445e09766f077aee98a1c896dcb4ad0d303628e41", size = 469200, upload-time = "2024-09-04T20:43:57.891Z" }, - { url = "https://files.pythonhosted.org/packages/1c/a0/a4fa9f4f781bda074c3ddd57a572b060fa0df7655d2a4247bbe277200146/cffi-1.17.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:46bf43160c1a35f7ec506d254e5c890f3c03648a4dbac12d624e4490a7046cd1", size = 477235, upload-time = "2024-09-04T20:44:00.18Z" }, - { url = "https://files.pythonhosted.org/packages/62/12/ce8710b5b8affbcdd5c6e367217c242524ad17a02fe5beec3ee339f69f85/cffi-1.17.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a24ed04c8ffd54b0729c07cee15a81d964e6fee0e3d4d342a27b020d22959dc6", size = 459721, upload-time = "2024-09-04T20:44:01.585Z" }, - { url = "https://files.pythonhosted.org/packages/ff/6b/d45873c5e0242196f042d555526f92aa9e0c32355a1be1ff8c27f077fd37/cffi-1.17.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:610faea79c43e44c71e1ec53a554553fa22321b65fae24889706c0a84d4ad86d", size = 467242, upload-time = "2024-09-04T20:44:03.467Z" }, - { url = "https://files.pythonhosted.org/packages/1a/52/d9a0e523a572fbccf2955f5abe883cfa8bcc570d7faeee06336fbd50c9fc/cffi-1.17.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:a9b15d491f3ad5d692e11f6b71f7857e7835eb677955c00cc0aefcd0669adaf6", size = 477999, upload-time = "2024-09-04T20:44:05.023Z" }, - { url = "https://files.pythonhosted.org/packages/44/74/f2a2460684a1a2d00ca799ad880d54652841a780c4c97b87754f660c7603/cffi-1.17.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:de2ea4b5833625383e464549fec1bc395c1bdeeb5f25c4a3a82b5a8c756ec22f", size = 454242, upload-time = "2024-09-04T20:44:06.444Z" }, - { url = "https://files.pythonhosted.org/packages/f8/4a/34599cac7dfcd888ff54e801afe06a19c17787dfd94495ab0c8d35fe99fb/cffi-1.17.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:fc48c783f9c87e60831201f2cce7f3b2e4846bf4d8728eabe54d60700b318a0b", size = 478604, upload-time = "2024-09-04T20:44:08.206Z" }, - { url = "https://files.pythonhosted.org/packages/34/33/e1b8a1ba29025adbdcda5fb3a36f94c03d771c1b7b12f726ff7fef2ebe36/cffi-1.17.1-cp311-cp311-win32.whl", hash = "sha256:85a950a4ac9c359340d5963966e3e0a94a676bd6245a4b55bc43949eee26a655", size = 171727, upload-time = "2024-09-04T20:44:09.481Z" }, - { url = "https://files.pythonhosted.org/packages/3d/97/50228be003bb2802627d28ec0627837ac0bf35c90cf769812056f235b2d1/cffi-1.17.1-cp311-cp311-win_amd64.whl", hash = "sha256:caaf0640ef5f5517f49bc275eca1406b0ffa6aa184892812030f04c2abf589a0", size = 181400, upload-time = "2024-09-04T20:44:10.873Z" }, - { url = "https://files.pythonhosted.org/packages/5a/84/e94227139ee5fb4d600a7a4927f322e1d4aea6fdc50bd3fca8493caba23f/cffi-1.17.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:805b4371bf7197c329fcb3ead37e710d1bca9da5d583f5073b799d5c5bd1eee4", size = 183178, upload-time = "2024-09-04T20:44:12.232Z" }, - { url = "https://files.pythonhosted.org/packages/da/ee/fb72c2b48656111c4ef27f0f91da355e130a923473bf5ee75c5643d00cca/cffi-1.17.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:733e99bc2df47476e3848417c5a4540522f234dfd4ef3ab7fafdf555b082ec0c", size = 178840, upload-time = "2024-09-04T20:44:13.739Z" }, - { url = "https://files.pythonhosted.org/packages/cc/b6/db007700f67d151abadf508cbfd6a1884f57eab90b1bb985c4c8c02b0f28/cffi-1.17.1-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1257bdabf294dceb59f5e70c64a3e2f462c30c7ad68092d01bbbfb1c16b1ba36", size = 454803, upload-time = "2024-09-04T20:44:15.231Z" }, - { url = "https://files.pythonhosted.org/packages/1a/df/f8d151540d8c200eb1c6fba8cd0dfd40904f1b0682ea705c36e6c2e97ab3/cffi-1.17.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da95af8214998d77a98cc14e3a3bd00aa191526343078b530ceb0bd710fb48a5", size = 478850, upload-time = "2024-09-04T20:44:17.188Z" }, - { url = "https://files.pythonhosted.org/packages/28/c0/b31116332a547fd2677ae5b78a2ef662dfc8023d67f41b2a83f7c2aa78b1/cffi-1.17.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d63afe322132c194cf832bfec0dc69a99fb9bb6bbd550f161a49e9e855cc78ff", size = 485729, upload-time = "2024-09-04T20:44:18.688Z" }, - { url = "https://files.pythonhosted.org/packages/91/2b/9a1ddfa5c7f13cab007a2c9cc295b70fbbda7cb10a286aa6810338e60ea1/cffi-1.17.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f79fc4fc25f1c8698ff97788206bb3c2598949bfe0fef03d299eb1b5356ada99", size = 471256, upload-time = "2024-09-04T20:44:20.248Z" }, - { url = "https://files.pythonhosted.org/packages/b2/d5/da47df7004cb17e4955df6a43d14b3b4ae77737dff8bf7f8f333196717bf/cffi-1.17.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b62ce867176a75d03a665bad002af8e6d54644fad99a3c70905c543130e39d93", size = 479424, upload-time = "2024-09-04T20:44:21.673Z" }, - { url = "https://files.pythonhosted.org/packages/0b/ac/2a28bcf513e93a219c8a4e8e125534f4f6db03e3179ba1c45e949b76212c/cffi-1.17.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:386c8bf53c502fff58903061338ce4f4950cbdcb23e2902d86c0f722b786bbe3", size = 484568, upload-time = "2024-09-04T20:44:23.245Z" }, - { url = "https://files.pythonhosted.org/packages/d4/38/ca8a4f639065f14ae0f1d9751e70447a261f1a30fa7547a828ae08142465/cffi-1.17.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:4ceb10419a9adf4460ea14cfd6bc43d08701f0835e979bf821052f1805850fe8", size = 488736, upload-time = "2024-09-04T20:44:24.757Z" }, - { url = "https://files.pythonhosted.org/packages/86/c5/28b2d6f799ec0bdecf44dced2ec5ed43e0eb63097b0f58c293583b406582/cffi-1.17.1-cp312-cp312-win32.whl", hash = "sha256:a08d7e755f8ed21095a310a693525137cfe756ce62d066e53f502a83dc550f65", size = 172448, upload-time = "2024-09-04T20:44:26.208Z" }, - { url = "https://files.pythonhosted.org/packages/50/b9/db34c4755a7bd1cb2d1603ac3863f22bcecbd1ba29e5ee841a4bc510b294/cffi-1.17.1-cp312-cp312-win_amd64.whl", hash = "sha256:51392eae71afec0d0c8fb1a53b204dbb3bcabcb3c9b807eedf3e1e6ccf2de903", size = 181976, upload-time = "2024-09-04T20:44:27.578Z" }, +version = "2.0.0" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "pycparser", marker = "implementation_name != 'PyPy' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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/c0/cc/08ed5a43f2996a16b462f64a7055c6e962803534924b9b2f1371d8c00b7b/cffi-2.0.0-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:fe562eb1a64e67dd297ccc4f5addea2501664954f2692b69a76449ec7913ecbf", size = 184288, upload-time = "2025-09-08T23:23:48.404Z" }, + { url = "https://files.pythonhosted.org/packages/3d/de/38d9726324e127f727b4ecc376bc85e505bfe61ef130eaf3f290c6847dd4/cffi-2.0.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:de8dad4425a6ca6e4e5e297b27b5c824ecc7581910bf9aee86cb6835e6812aa7", size = 180509, upload-time = "2025-09-08T23:23:49.73Z" }, + { url = "https://files.pythonhosted.org/packages/9b/13/c92e36358fbcc39cf0962e83223c9522154ee8630e1df7c0b3a39a8124e2/cffi-2.0.0-cp39-cp39-manylinux1_i686.manylinux2014_i686.manylinux_2_17_i686.manylinux_2_5_i686.whl", hash = "sha256:4647afc2f90d1ddd33441e5b0e85b16b12ddec4fca55f0d9671fef036ecca27c", size = 208813, upload-time = "2025-09-08T23:23:51.263Z" }, + { url = "https://files.pythonhosted.org/packages/15/12/a7a79bd0df4c3bff744b2d7e52cc1b68d5e7e427b384252c42366dc1ecbc/cffi-2.0.0-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:3f4d46d8b35698056ec29bca21546e1551a205058ae1a181d871e278b0b28165", size = 216498, upload-time = "2025-09-08T23:23:52.494Z" }, + { url = "https://files.pythonhosted.org/packages/a3/ad/5c51c1c7600bdd7ed9a24a203ec255dccdd0ebf4527f7b922a0bde2fb6ed/cffi-2.0.0-cp39-cp39-manylinux2014_ppc64le.manylinux_2_17_ppc64le.whl", hash = "sha256:e6e73b9e02893c764e7e8d5bb5ce277f1a009cd5243f8228f75f842bf937c534", size = 203243, upload-time = "2025-09-08T23:23:53.836Z" }, + { url = "https://files.pythonhosted.org/packages/32/f2/81b63e288295928739d715d00952c8c6034cb6c6a516b17d37e0c8be5600/cffi-2.0.0-cp39-cp39-manylinux2014_s390x.manylinux_2_17_s390x.whl", hash = "sha256:cb527a79772e5ef98fb1d700678fe031e353e765d1ca2d409c92263c6d43e09f", size = 203158, upload-time = "2025-09-08T23:23:55.169Z" }, + { url = "https://files.pythonhosted.org/packages/1f/74/cc4096ce66f5939042ae094e2e96f53426a979864aa1f96a621ad128be27/cffi-2.0.0-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:61d028e90346df14fedc3d1e5441df818d095f3b87d286825dfcbd6459b7ef63", size = 216548, upload-time = "2025-09-08T23:23:56.506Z" }, + { url = "https://files.pythonhosted.org/packages/e8/be/f6424d1dc46b1091ffcc8964fa7c0ab0cd36839dd2761b49c90481a6ba1b/cffi-2.0.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:0f6084a0ea23d05d20c3edcda20c3d006f9b6f3fefeac38f59262e10cef47ee2", size = 218897, upload-time = "2025-09-08T23:23:57.825Z" }, + { url = "https://files.pythonhosted.org/packages/f7/e0/dda537c2309817edf60109e39265f24f24aa7f050767e22c98c53fe7f48b/cffi-2.0.0-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:1cd13c99ce269b3ed80b417dcd591415d3372bcac067009b6e0f59c7d4015e65", size = 211249, upload-time = "2025-09-08T23:23:59.139Z" }, + { url = "https://files.pythonhosted.org/packages/2b/e7/7c769804eb75e4c4b35e658dba01de1640a351a9653c3d49ca89d16ccc91/cffi-2.0.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:89472c9762729b5ae1ad974b777416bfda4ac5642423fa93bd57a09204712322", size = 218041, upload-time = "2025-09-08T23:24:00.496Z" }, + { url = "https://files.pythonhosted.org/packages/aa/d9/6218d78f920dcd7507fc16a766b5ef8f3b913cc7aa938e7fc80b9978d089/cffi-2.0.0-cp39-cp39-win32.whl", hash = "sha256:2081580ebb843f759b9f617314a24ed5738c51d2aee65d31e02f6f7a2b97707a", size = 172138, upload-time = "2025-09-08T23:24:01.7Z" }, + { url = "https://files.pythonhosted.org/packages/54/8f/a1e836f82d8e32a97e6b29cc8f641779181ac7363734f12df27db803ebda/cffi-2.0.0-cp39-cp39-win_amd64.whl", hash = "sha256:b882b3df248017dba09d6b16defe9b5c407fe32fc7c65a9c69798e6175601be9", size = 182794, upload-time = "2025-09-08T23:24:02.943Z" }, ] [[package]] name = "charset-normalizer" -version = "3.4.2" +version = "3.4.4" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e4/33/89c2ced2b67d1c2a61c19c6751aa8902d46ce3dacb23600a283619f5a12d/charset_normalizer-3.4.2.tar.gz", hash = "sha256:5baececa9ecba31eff645232d59845c07aa030f0c81ee70184a90d35099a0e63", size = 126367, upload-time = "2025-05-02T08:34:42.01Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/95/28/9901804da60055b406e1a1c5ba7aac1276fb77f1dde635aabfc7fd84b8ab/charset_normalizer-3.4.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7c48ed483eb946e6c04ccbe02c6b4d1d48e51944b6db70f697e089c193404941", size = 201818, upload-time = "2025-05-02T08:31:46.725Z" }, - { url = "https://files.pythonhosted.org/packages/d9/9b/892a8c8af9110935e5adcbb06d9c6fe741b6bb02608c6513983048ba1a18/charset_normalizer-3.4.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b2d318c11350e10662026ad0eb71bb51c7812fc8590825304ae0bdd4ac283acd", size = 144649, upload-time = "2025-05-02T08:31:48.889Z" }, - { url = "https://files.pythonhosted.org/packages/7b/a5/4179abd063ff6414223575e008593861d62abfc22455b5d1a44995b7c101/charset_normalizer-3.4.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9cbfacf36cb0ec2897ce0ebc5d08ca44213af24265bd56eca54bee7923c48fd6", size = 155045, upload-time = "2025-05-02T08:31:50.757Z" }, - { url = "https://files.pythonhosted.org/packages/3b/95/bc08c7dfeddd26b4be8c8287b9bb055716f31077c8b0ea1cd09553794665/charset_normalizer-3.4.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:18dd2e350387c87dabe711b86f83c9c78af772c748904d372ade190b5c7c9d4d", size = 147356, upload-time = "2025-05-02T08:31:52.634Z" }, - { url = "https://files.pythonhosted.org/packages/a8/2d/7a5b635aa65284bf3eab7653e8b4151ab420ecbae918d3e359d1947b4d61/charset_normalizer-3.4.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8075c35cd58273fee266c58c0c9b670947c19df5fb98e7b66710e04ad4e9ff86", size = 149471, upload-time = "2025-05-02T08:31:56.207Z" }, - { url = "https://files.pythonhosted.org/packages/ae/38/51fc6ac74251fd331a8cfdb7ec57beba8c23fd5493f1050f71c87ef77ed0/charset_normalizer-3.4.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5bf4545e3b962767e5c06fe1738f951f77d27967cb2caa64c28be7c4563e162c", size = 151317, upload-time = "2025-05-02T08:31:57.613Z" }, - { url = "https://files.pythonhosted.org/packages/b7/17/edee1e32215ee6e9e46c3e482645b46575a44a2d72c7dfd49e49f60ce6bf/charset_normalizer-3.4.2-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:7a6ab32f7210554a96cd9e33abe3ddd86732beeafc7a28e9955cdf22ffadbab0", size = 146368, upload-time = "2025-05-02T08:31:59.468Z" }, - { url = "https://files.pythonhosted.org/packages/26/2c/ea3e66f2b5f21fd00b2825c94cafb8c326ea6240cd80a91eb09e4a285830/charset_normalizer-3.4.2-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:b33de11b92e9f75a2b545d6e9b6f37e398d86c3e9e9653c4864eb7e89c5773ef", size = 154491, upload-time = "2025-05-02T08:32:01.219Z" }, - { url = "https://files.pythonhosted.org/packages/52/47/7be7fa972422ad062e909fd62460d45c3ef4c141805b7078dbab15904ff7/charset_normalizer-3.4.2-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:8755483f3c00d6c9a77f490c17e6ab0c8729e39e6390328e42521ef175380ae6", size = 157695, upload-time = "2025-05-02T08:32:03.045Z" }, - { url = "https://files.pythonhosted.org/packages/2f/42/9f02c194da282b2b340f28e5fb60762de1151387a36842a92b533685c61e/charset_normalizer-3.4.2-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:68a328e5f55ec37c57f19ebb1fdc56a248db2e3e9ad769919a58672958e8f366", size = 154849, upload-time = "2025-05-02T08:32:04.651Z" }, - { url = "https://files.pythonhosted.org/packages/67/44/89cacd6628f31fb0b63201a618049be4be2a7435a31b55b5eb1c3674547a/charset_normalizer-3.4.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:21b2899062867b0e1fde9b724f8aecb1af14f2778d69aacd1a5a1853a597a5db", size = 150091, upload-time = "2025-05-02T08:32:06.719Z" }, - { url = "https://files.pythonhosted.org/packages/1f/79/4b8da9f712bc079c0f16b6d67b099b0b8d808c2292c937f267d816ec5ecc/charset_normalizer-3.4.2-cp310-cp310-win32.whl", hash = "sha256:e8082b26888e2f8b36a042a58307d5b917ef2b1cacab921ad3323ef91901c71a", size = 98445, upload-time = "2025-05-02T08:32:08.66Z" }, - { url = "https://files.pythonhosted.org/packages/7d/d7/96970afb4fb66497a40761cdf7bd4f6fca0fc7bafde3a84f836c1f57a926/charset_normalizer-3.4.2-cp310-cp310-win_amd64.whl", hash = "sha256:f69a27e45c43520f5487f27627059b64aaf160415589230992cec34c5e18a509", size = 105782, upload-time = "2025-05-02T08:32:10.46Z" }, - { url = "https://files.pythonhosted.org/packages/05/85/4c40d00dcc6284a1c1ad5de5e0996b06f39d8232f1031cd23c2f5c07ee86/charset_normalizer-3.4.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:be1e352acbe3c78727a16a455126d9ff83ea2dfdcbc83148d2982305a04714c2", size = 198794, upload-time = "2025-05-02T08:32:11.945Z" }, - { url = "https://files.pythonhosted.org/packages/41/d9/7a6c0b9db952598e97e93cbdfcb91bacd89b9b88c7c983250a77c008703c/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aa88ca0b1932e93f2d961bf3addbb2db902198dca337d88c89e1559e066e7645", size = 142846, upload-time = "2025-05-02T08:32:13.946Z" }, - { url = "https://files.pythonhosted.org/packages/66/82/a37989cda2ace7e37f36c1a8ed16c58cf48965a79c2142713244bf945c89/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d524ba3f1581b35c03cb42beebab4a13e6cdad7b36246bd22541fa585a56cccd", size = 153350, upload-time = "2025-05-02T08:32:15.873Z" }, - { url = "https://files.pythonhosted.org/packages/df/68/a576b31b694d07b53807269d05ec3f6f1093e9545e8607121995ba7a8313/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28a1005facc94196e1fb3e82a3d442a9d9110b8434fc1ded7a24a2983c9888d8", size = 145657, upload-time = "2025-05-02T08:32:17.283Z" }, - { url = "https://files.pythonhosted.org/packages/92/9b/ad67f03d74554bed3aefd56fe836e1623a50780f7c998d00ca128924a499/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fdb20a30fe1175ecabed17cbf7812f7b804b8a315a25f24678bcdf120a90077f", size = 147260, upload-time = "2025-05-02T08:32:18.807Z" }, - { url = "https://files.pythonhosted.org/packages/a6/e6/8aebae25e328160b20e31a7e9929b1578bbdc7f42e66f46595a432f8539e/charset_normalizer-3.4.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0f5d9ed7f254402c9e7d35d2f5972c9bbea9040e99cd2861bd77dc68263277c7", size = 149164, upload-time = "2025-05-02T08:32:20.333Z" }, - { url = "https://files.pythonhosted.org/packages/8b/f2/b3c2f07dbcc248805f10e67a0262c93308cfa149a4cd3d1fe01f593e5fd2/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:efd387a49825780ff861998cd959767800d54f8308936b21025326de4b5a42b9", size = 144571, upload-time = "2025-05-02T08:32:21.86Z" }, - { url = "https://files.pythonhosted.org/packages/60/5b/c3f3a94bc345bc211622ea59b4bed9ae63c00920e2e8f11824aa5708e8b7/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:f0aa37f3c979cf2546b73e8222bbfa3dc07a641585340179d768068e3455e544", size = 151952, upload-time = "2025-05-02T08:32:23.434Z" }, - { url = "https://files.pythonhosted.org/packages/e2/4d/ff460c8b474122334c2fa394a3f99a04cf11c646da895f81402ae54f5c42/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:e70e990b2137b29dc5564715de1e12701815dacc1d056308e2b17e9095372a82", size = 155959, upload-time = "2025-05-02T08:32:24.993Z" }, - { url = "https://files.pythonhosted.org/packages/a2/2b/b964c6a2fda88611a1fe3d4c400d39c66a42d6c169c924818c848f922415/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:0c8c57f84ccfc871a48a47321cfa49ae1df56cd1d965a09abe84066f6853b9c0", size = 153030, upload-time = "2025-05-02T08:32:26.435Z" }, - { url = "https://files.pythonhosted.org/packages/59/2e/d3b9811db26a5ebf444bc0fa4f4be5aa6d76fc6e1c0fd537b16c14e849b6/charset_normalizer-3.4.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6b66f92b17849b85cad91259efc341dce9c1af48e2173bf38a85c6329f1033e5", size = 148015, upload-time = "2025-05-02T08:32:28.376Z" }, - { url = "https://files.pythonhosted.org/packages/90/07/c5fd7c11eafd561bb51220d600a788f1c8d77c5eef37ee49454cc5c35575/charset_normalizer-3.4.2-cp311-cp311-win32.whl", hash = "sha256:daac4765328a919a805fa5e2720f3e94767abd632ae410a9062dff5412bae65a", size = 98106, upload-time = "2025-05-02T08:32:30.281Z" }, - { url = "https://files.pythonhosted.org/packages/a8/05/5e33dbef7e2f773d672b6d79f10ec633d4a71cd96db6673625838a4fd532/charset_normalizer-3.4.2-cp311-cp311-win_amd64.whl", hash = "sha256:e53efc7c7cee4c1e70661e2e112ca46a575f90ed9ae3fef200f2a25e954f4b28", size = 105402, upload-time = "2025-05-02T08:32:32.191Z" }, - { url = "https://files.pythonhosted.org/packages/d7/a4/37f4d6035c89cac7930395a35cc0f1b872e652eaafb76a6075943754f095/charset_normalizer-3.4.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:0c29de6a1a95f24b9a1aa7aefd27d2487263f00dfd55a77719b530788f75cff7", size = 199936, upload-time = "2025-05-02T08:32:33.712Z" }, - { url = "https://files.pythonhosted.org/packages/ee/8a/1a5e33b73e0d9287274f899d967907cd0bf9c343e651755d9307e0dbf2b3/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cddf7bd982eaa998934a91f69d182aec997c6c468898efe6679af88283b498d3", size = 143790, upload-time = "2025-05-02T08:32:35.768Z" }, - { url = "https://files.pythonhosted.org/packages/66/52/59521f1d8e6ab1482164fa21409c5ef44da3e9f653c13ba71becdd98dec3/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcbe676a55d7445b22c10967bceaaf0ee69407fbe0ece4d032b6eb8d4565982a", size = 153924, upload-time = "2025-05-02T08:32:37.284Z" }, - { url = "https://files.pythonhosted.org/packages/86/2d/fb55fdf41964ec782febbf33cb64be480a6b8f16ded2dbe8db27a405c09f/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d41c4d287cfc69060fa91cae9683eacffad989f1a10811995fa309df656ec214", size = 146626, upload-time = "2025-05-02T08:32:38.803Z" }, - { url = "https://files.pythonhosted.org/packages/8c/73/6ede2ec59bce19b3edf4209d70004253ec5f4e319f9a2e3f2f15601ed5f7/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e594135de17ab3866138f496755f302b72157d115086d100c3f19370839dd3a", size = 148567, upload-time = "2025-05-02T08:32:40.251Z" }, - { url = "https://files.pythonhosted.org/packages/09/14/957d03c6dc343c04904530b6bef4e5efae5ec7d7990a7cbb868e4595ee30/charset_normalizer-3.4.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:cf713fe9a71ef6fd5adf7a79670135081cd4431c2943864757f0fa3a65b1fafd", size = 150957, upload-time = "2025-05-02T08:32:41.705Z" }, - { url = "https://files.pythonhosted.org/packages/0d/c8/8174d0e5c10ccebdcb1b53cc959591c4c722a3ad92461a273e86b9f5a302/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a370b3e078e418187da8c3674eddb9d983ec09445c99a3a263c2011993522981", size = 145408, upload-time = "2025-05-02T08:32:43.709Z" }, - { url = "https://files.pythonhosted.org/packages/58/aa/8904b84bc8084ac19dc52feb4f5952c6df03ffb460a887b42615ee1382e8/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a955b438e62efdf7e0b7b52a64dc5c3396e2634baa62471768a64bc2adb73d5c", size = 153399, upload-time = "2025-05-02T08:32:46.197Z" }, - { url = "https://files.pythonhosted.org/packages/c2/26/89ee1f0e264d201cb65cf054aca6038c03b1a0c6b4ae998070392a3ce605/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:7222ffd5e4de8e57e03ce2cef95a4c43c98fcb72ad86909abdfc2c17d227fc1b", size = 156815, upload-time = "2025-05-02T08:32:48.105Z" }, - { url = "https://files.pythonhosted.org/packages/fd/07/68e95b4b345bad3dbbd3a8681737b4338ff2c9df29856a6d6d23ac4c73cb/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:bee093bf902e1d8fc0ac143c88902c3dfc8941f7ea1d6a8dd2bcb786d33db03d", size = 154537, upload-time = "2025-05-02T08:32:49.719Z" }, - { url = "https://files.pythonhosted.org/packages/77/1a/5eefc0ce04affb98af07bc05f3bac9094513c0e23b0562d64af46a06aae4/charset_normalizer-3.4.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:dedb8adb91d11846ee08bec4c8236c8549ac721c245678282dcb06b221aab59f", size = 149565, upload-time = "2025-05-02T08:32:51.404Z" }, - { url = "https://files.pythonhosted.org/packages/37/a0/2410e5e6032a174c95e0806b1a6585eb21e12f445ebe239fac441995226a/charset_normalizer-3.4.2-cp312-cp312-win32.whl", hash = "sha256:db4c7bf0e07fc3b7d89ac2a5880a6a8062056801b83ff56d8464b70f65482b6c", size = 98357, upload-time = "2025-05-02T08:32:53.079Z" }, - { url = "https://files.pythonhosted.org/packages/6c/4f/c02d5c493967af3eda9c771ad4d2bbc8df6f99ddbeb37ceea6e8716a32bc/charset_normalizer-3.4.2-cp312-cp312-win_amd64.whl", hash = "sha256:5a9979887252a82fefd3d3ed2a8e3b937a7a809f65dcb1e068b090e165bbe99e", size = 105776, upload-time = "2025-05-02T08:32:54.573Z" }, - { url = "https://files.pythonhosted.org/packages/20/94/c5790835a017658cbfabd07f3bfb549140c3ac458cfc196323996b10095a/charset_normalizer-3.4.2-py3-none-any.whl", hash = "sha256:7f56930ab0abd1c45cd15be65cc741c28b1c9a34876ce8c17a2fa107810c0af0", size = 52626, upload-time = "2025-05-02T08:34:40.053Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/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/46/7c/0c4760bccf082737ca7ab84a4c2034fcc06b1f21cf3032ea98bd6feb1725/charset_normalizer-3.4.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:a9768c477b9d7bd54bc0c86dbaebdec6f03306675526c9927c0e8a04e8f94af9", size = 209609, upload-time = "2025-10-14T04:42:10.922Z" }, + { url = "https://files.pythonhosted.org/packages/bb/a4/69719daef2f3d7f1819de60c9a6be981b8eeead7542d5ec4440f3c80e111/charset_normalizer-3.4.4-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1bee1e43c28aa63cb16e5c14e582580546b08e535299b8b6158a7c9c768a1f3d", size = 149029, upload-time = "2025-10-14T04:42:12.38Z" }, + { url = "https://files.pythonhosted.org/packages/e6/21/8d4e1d6c1e6070d3672908b8e4533a71b5b53e71d16828cc24d0efec564c/charset_normalizer-3.4.4-cp39-cp39-manylinux2014_armv7l.manylinux_2_17_armv7l.manylinux_2_31_armv7l.whl", hash = "sha256:fd44c878ea55ba351104cb93cc85e74916eb8fa440ca7903e57575e97394f608", size = 144580, upload-time = "2025-10-14T04:42:13.549Z" }, + { url = "https://files.pythonhosted.org/packages/a7/0a/a616d001b3f25647a9068e0b9199f697ce507ec898cacb06a0d5a1617c99/charset_normalizer-3.4.4-cp39-cp39-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:0f04b14ffe5fdc8c4933862d8306109a2c51e0704acfa35d51598eb45a1e89fc", size = 162340, upload-time = "2025-10-14T04:42:14.892Z" }, + { url = "https://files.pythonhosted.org/packages/85/93/060b52deb249a5450460e0585c88a904a83aec474ab8e7aba787f45e79f2/charset_normalizer-3.4.4-cp39-cp39-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:cd09d08005f958f370f539f186d10aec3377d55b9eeb0d796025d4886119d76e", size = 159619, upload-time = "2025-10-14T04:42:16.676Z" }, + { url = "https://files.pythonhosted.org/packages/dd/21/0274deb1cc0632cd587a9a0ec6b4674d9108e461cb4cd40d457adaeb0564/charset_normalizer-3.4.4-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:4fe7859a4e3e8457458e2ff592f15ccb02f3da787fcd31e0183879c3ad4692a1", size = 153980, upload-time = "2025-10-14T04:42:17.917Z" }, + { url = "https://files.pythonhosted.org/packages/28/2b/e3d7d982858dccc11b31906976323d790dded2017a0572f093ff982d692f/charset_normalizer-3.4.4-cp39-cp39-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:fa09f53c465e532f4d3db095e0c55b615f010ad81803d383195b6b5ca6cbf5f3", size = 152174, upload-time = "2025-10-14T04:42:19.018Z" }, + { url = "https://files.pythonhosted.org/packages/6e/ff/4a269f8e35f1e58b2df52c131a1fa019acb7ef3f8697b7d464b07e9b492d/charset_normalizer-3.4.4-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:7fa17817dc5625de8a027cb8b26d9fefa3ea28c8253929b8d6649e705d2835b6", size = 151666, upload-time = "2025-10-14T04:42:20.171Z" }, + { url = "https://files.pythonhosted.org/packages/da/c9/ec39870f0b330d58486001dd8e532c6b9a905f5765f58a6f8204926b4a93/charset_normalizer-3.4.4-cp39-cp39-musllinux_1_2_armv7l.whl", hash = "sha256:5947809c8a2417be3267efc979c47d76a079758166f7d43ef5ae8e9f92751f88", size = 145550, upload-time = "2025-10-14T04:42:21.324Z" }, + { url = "https://files.pythonhosted.org/packages/75/8f/d186ab99e40e0ed9f82f033d6e49001701c81244d01905dd4a6924191a30/charset_normalizer-3.4.4-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:4902828217069c3c5c71094537a8e623f5d097858ac6ca8252f7b4d10b7560f1", size = 163721, upload-time = "2025-10-14T04:42:22.46Z" }, + { url = "https://files.pythonhosted.org/packages/96/b1/6047663b9744df26a7e479ac1e77af7134b1fcf9026243bb48ee2d18810f/charset_normalizer-3.4.4-cp39-cp39-musllinux_1_2_riscv64.whl", hash = "sha256:7c308f7e26e4363d79df40ca5b2be1c6ba9f02bdbccfed5abddb7859a6ce72cf", size = 152127, upload-time = "2025-10-14T04:42:23.712Z" }, + { url = "https://files.pythonhosted.org/packages/59/78/e5a6eac9179f24f704d1be67d08704c3c6ab9f00963963524be27c18ed87/charset_normalizer-3.4.4-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:2c9d3c380143a1fedbff95a312aa798578371eb29da42106a29019368a475318", size = 161175, upload-time = "2025-10-14T04:42:24.87Z" }, + { url = "https://files.pythonhosted.org/packages/e5/43/0e626e42d54dd2f8dd6fc5e1c5ff00f05fbca17cb699bedead2cae69c62f/charset_normalizer-3.4.4-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:cb01158d8b88ee68f15949894ccc6712278243d95f344770fa7593fa2d94410c", size = 155375, upload-time = "2025-10-14T04:42:27.246Z" }, + { url = "https://files.pythonhosted.org/packages/e9/91/d9615bf2e06f35e4997616ff31248c3657ed649c5ab9d35ea12fce54e380/charset_normalizer-3.4.4-cp39-cp39-win32.whl", hash = "sha256:2677acec1a2f8ef614c6888b5b4ae4060cc184174a938ed4e8ef690e15d3e505", size = 99692, upload-time = "2025-10-14T04:42:28.425Z" }, + { url = "https://files.pythonhosted.org/packages/d1/a9/6c040053909d9d1ef4fcab45fddec083aedc9052c10078339b47c8573ea8/charset_normalizer-3.4.4-cp39-cp39-win_amd64.whl", hash = "sha256:f8e160feb2aed042cd657a72acc0b481212ed28b1b9a95c0cee1621b524e1966", size = 107192, upload-time = "2025-10-14T04:42:29.482Z" }, + { url = "https://files.pythonhosted.org/packages/f0/c6/4fa536b2c0cd3edfb7ccf8469fa0f363ea67b7213a842b90909ca33dd851/charset_normalizer-3.4.4-cp39-cp39-win_arm64.whl", hash = "sha256:b5d84d37db046c5ca74ee7bb47dd6cbc13f80665fdde3e8040bdd3fb015ecb50", size = 100220, upload-time = "2025-10-14T04:42:30.632Z" }, + { 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]] @@ -267,19 +1647,282 @@ name = "coloredlogs" version = "15.0.1" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "humanfriendly" }, + { name = "humanfriendly", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-onnx-cpu' or extra == 'extra-13-inference-exp-onnx-cu118' or extra == 'extra-13-inference-exp-onnx-cu12' or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] sdist = { url = "https://files.pythonhosted.org/packages/cc/c7/eed8f27100517e8c0e6b923d5f0845d0cb99763da6fdee00478f91db7325/coloredlogs-15.0.1.tar.gz", hash = "sha256:7c991aa71a4577af2f82600d8f8f3a89f936baeaf9b50a9c197da014e5bf16b0", size = 278520, upload-time = "2021-06-11T10:22:45.202Z" } wheels = [ { url = "https://files.pythonhosted.org/packages/a7/06/3d6badcf13db419e25b07041d9c7b4a2c331d3f4e7134445ec5df57714cd/coloredlogs-15.0.1-py2.py3-none-any.whl", hash = "sha256:612ee75c546f53e92e70049c9dbfcc18c935a2b9a53b66085ce9ef6a6e5c0934", size = 46018, upload-time = "2021-06-11T10:22:42.561Z" }, ] +[[package]] +name = "contourpy" +version = "1.3.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/f5/f6/31a8f28b4a2a4fa0e01085e542f3081ab0588eff8e589d39d775172c9792/contourpy-1.3.0.tar.gz", hash = "sha256:7ffa0db17717a8ffb127efd0c95a4362d996b892c2904db72428d5b52e1938a4", size = 13464370, upload-time = "2024-08-27T21:00:03.328Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/6c/e0/be8dcc796cfdd96708933e0e2da99ba4bb8f9b2caa9d560a50f3f09a65f3/contourpy-1.3.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:880ea32e5c774634f9fcd46504bf9f080a41ad855f4fef54f5380f5133d343c7", size = 265366, upload-time = "2024-08-27T20:50:09.947Z" }, + { url = "https://files.pythonhosted.org/packages/50/d6/c953b400219443535d412fcbbc42e7a5e823291236bc0bb88936e3cc9317/contourpy-1.3.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:76c905ef940a4474a6289c71d53122a4f77766eef23c03cd57016ce19d0f7b42", size = 249226, upload-time = "2024-08-27T20:50:16.1Z" }, + { url = "https://files.pythonhosted.org/packages/6f/b4/6fffdf213ffccc28483c524b9dad46bb78332851133b36ad354b856ddc7c/contourpy-1.3.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:92f8557cbb07415a4d6fa191f20fd9d2d9eb9c0b61d1b2f52a8926e43c6e9af7", size = 308460, upload-time = "2024-08-27T20:50:22.536Z" }, + { url = "https://files.pythonhosted.org/packages/cf/6c/118fc917b4050f0afe07179a6dcbe4f3f4ec69b94f36c9e128c4af480fb8/contourpy-1.3.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:36f965570cff02b874773c49bfe85562b47030805d7d8360748f3eca570f4cab", size = 347623, upload-time = "2024-08-27T20:50:28.806Z" }, + { url = "https://files.pythonhosted.org/packages/f9/a4/30ff110a81bfe3abf7b9673284d21ddce8cc1278f6f77393c91199da4c90/contourpy-1.3.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cacd81e2d4b6f89c9f8a5b69b86490152ff39afc58a95af002a398273e5ce589", size = 317761, upload-time = "2024-08-27T20:50:35.126Z" }, + { url = "https://files.pythonhosted.org/packages/99/e6/d11966962b1aa515f5586d3907ad019f4b812c04e4546cc19ebf62b5178e/contourpy-1.3.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:69375194457ad0fad3a839b9e29aa0b0ed53bb54db1bfb6c3ae43d111c31ce41", size = 322015, upload-time = "2024-08-27T20:50:40.318Z" }, + { url = "https://files.pythonhosted.org/packages/4d/e3/182383743751d22b7b59c3c753277b6aee3637049197624f333dac5b4c80/contourpy-1.3.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:7a52040312b1a858b5e31ef28c2e865376a386c60c0e248370bbea2d3f3b760d", size = 1262672, upload-time = "2024-08-27T20:50:55.643Z" }, + { url = "https://files.pythonhosted.org/packages/78/53/974400c815b2e605f252c8fb9297e2204347d1755a5374354ee77b1ea259/contourpy-1.3.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:3faeb2998e4fcb256542e8a926d08da08977f7f5e62cf733f3c211c2a5586223", size = 1321688, upload-time = "2024-08-27T20:51:11.293Z" }, + { url = "https://files.pythonhosted.org/packages/52/29/99f849faed5593b2926a68a31882af98afbeac39c7fdf7de491d9c85ec6a/contourpy-1.3.0-cp310-cp310-win32.whl", hash = "sha256:36e0cff201bcb17a0a8ecc7f454fe078437fa6bda730e695a92f2d9932bd507f", size = 171145, upload-time = "2024-08-27T20:51:15.2Z" }, + { url = "https://files.pythonhosted.org/packages/a9/97/3f89bba79ff6ff2b07a3cbc40aa693c360d5efa90d66e914f0ff03b95ec7/contourpy-1.3.0-cp310-cp310-win_amd64.whl", hash = "sha256:87ddffef1dbe5e669b5c2440b643d3fdd8622a348fe1983fad7a0f0ccb1cd67b", size = 216019, upload-time = "2024-08-27T20:51:19.365Z" }, + { url = "https://files.pythonhosted.org/packages/b3/1f/9375917786cb39270b0ee6634536c0e22abf225825602688990d8f5c6c19/contourpy-1.3.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:0fa4c02abe6c446ba70d96ece336e621efa4aecae43eaa9b030ae5fb92b309ad", size = 266356, upload-time = "2024-08-27T20:51:24.146Z" }, + { url = "https://files.pythonhosted.org/packages/05/46/9256dd162ea52790c127cb58cfc3b9e3413a6e3478917d1f811d420772ec/contourpy-1.3.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:834e0cfe17ba12f79963861e0f908556b2cedd52e1f75e6578801febcc6a9f49", size = 250915, upload-time = "2024-08-27T20:51:28.683Z" }, + { url = "https://files.pythonhosted.org/packages/e1/5d/3056c167fa4486900dfbd7e26a2fdc2338dc58eee36d490a0ed3ddda5ded/contourpy-1.3.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dbc4c3217eee163fa3984fd1567632b48d6dfd29216da3ded3d7b844a8014a66", size = 310443, upload-time = "2024-08-27T20:51:33.675Z" }, + { url = "https://files.pythonhosted.org/packages/ca/c2/1a612e475492e07f11c8e267ea5ec1ce0d89971be496c195e27afa97e14a/contourpy-1.3.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4865cd1d419e0c7a7bf6de1777b185eebdc51470800a9f42b9e9decf17762081", size = 348548, upload-time = "2024-08-27T20:51:39.322Z" }, + { url = "https://files.pythonhosted.org/packages/45/cf/2c2fc6bb5874158277b4faf136847f0689e1b1a1f640a36d76d52e78907c/contourpy-1.3.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:303c252947ab4b14c08afeb52375b26781ccd6a5ccd81abcdfc1fafd14cf93c1", size = 319118, upload-time = "2024-08-27T20:51:44.717Z" }, + { url = "https://files.pythonhosted.org/packages/03/33/003065374f38894cdf1040cef474ad0546368eea7e3a51d48b8a423961f8/contourpy-1.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:637f674226be46f6ba372fd29d9523dd977a291f66ab2a74fbeb5530bb3f445d", size = 323162, upload-time = "2024-08-27T20:51:49.683Z" }, + { url = "https://files.pythonhosted.org/packages/42/80/e637326e85e4105a802e42959f56cff2cd39a6b5ef68d5d9aee3ea5f0e4c/contourpy-1.3.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:76a896b2f195b57db25d6b44e7e03f221d32fe318d03ede41f8b4d9ba1bff53c", size = 1265396, upload-time = "2024-08-27T20:52:04.926Z" }, + { url = "https://files.pythonhosted.org/packages/7c/3b/8cbd6416ca1bbc0202b50f9c13b2e0b922b64be888f9d9ee88e6cfabfb51/contourpy-1.3.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:e1fd23e9d01591bab45546c089ae89d926917a66dceb3abcf01f6105d927e2cb", size = 1324297, upload-time = "2024-08-27T20:52:21.843Z" }, + { url = "https://files.pythonhosted.org/packages/4d/2c/021a7afaa52fe891f25535506cc861c30c3c4e5a1c1ce94215e04b293e72/contourpy-1.3.0-cp311-cp311-win32.whl", hash = "sha256:d402880b84df3bec6eab53cd0cf802cae6a2ef9537e70cf75e91618a3801c20c", size = 171808, upload-time = "2024-08-27T20:52:25.163Z" }, + { url = "https://files.pythonhosted.org/packages/8d/2f/804f02ff30a7fae21f98198828d0857439ec4c91a96e20cf2d6c49372966/contourpy-1.3.0-cp311-cp311-win_amd64.whl", hash = "sha256:6cb6cc968059db9c62cb35fbf70248f40994dfcd7aa10444bbf8b3faeb7c2d67", size = 217181, upload-time = "2024-08-27T20:52:29.13Z" }, + { url = "https://files.pythonhosted.org/packages/c9/92/8e0bbfe6b70c0e2d3d81272b58c98ac69ff1a4329f18c73bd64824d8b12e/contourpy-1.3.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:570ef7cf892f0afbe5b2ee410c507ce12e15a5fa91017a0009f79f7d93a1268f", size = 267838, upload-time = "2024-08-27T20:52:33.911Z" }, + { url = "https://files.pythonhosted.org/packages/e3/04/33351c5d5108460a8ce6d512307690b023f0cfcad5899499f5c83b9d63b1/contourpy-1.3.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:da84c537cb8b97d153e9fb208c221c45605f73147bd4cadd23bdae915042aad6", size = 251549, upload-time = "2024-08-27T20:52:39.179Z" }, + { url = "https://files.pythonhosted.org/packages/51/3d/aa0fe6ae67e3ef9f178389e4caaaa68daf2f9024092aa3c6032e3d174670/contourpy-1.3.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0be4d8425bfa755e0fd76ee1e019636ccc7c29f77a7c86b4328a9eb6a26d0639", size = 303177, upload-time = "2024-08-27T20:52:44.789Z" }, + { url = "https://files.pythonhosted.org/packages/56/c3/c85a7e3e0cab635575d3b657f9535443a6f5d20fac1a1911eaa4bbe1aceb/contourpy-1.3.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9c0da700bf58f6e0b65312d0a5e695179a71d0163957fa381bb3c1f72972537c", size = 341735, upload-time = "2024-08-27T20:52:51.05Z" }, + { url = "https://files.pythonhosted.org/packages/dd/8d/20f7a211a7be966a53f474bc90b1a8202e9844b3f1ef85f3ae45a77151ee/contourpy-1.3.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:eb8b141bb00fa977d9122636b16aa67d37fd40a3d8b52dd837e536d64b9a4d06", size = 314679, upload-time = "2024-08-27T20:52:58.473Z" }, + { url = "https://files.pythonhosted.org/packages/6e/be/524e377567defac0e21a46e2a529652d165fed130a0d8a863219303cee18/contourpy-1.3.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3634b5385c6716c258d0419c46d05c8aa7dc8cb70326c9a4fb66b69ad2b52e09", size = 320549, upload-time = "2024-08-27T20:53:06.593Z" }, + { url = "https://files.pythonhosted.org/packages/0f/96/fdb2552a172942d888915f3a6663812e9bc3d359d53dafd4289a0fb462f0/contourpy-1.3.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:0dce35502151b6bd35027ac39ba6e5a44be13a68f55735c3612c568cac3805fd", size = 1263068, upload-time = "2024-08-27T20:53:23.442Z" }, + { url = "https://files.pythonhosted.org/packages/2a/25/632eab595e3140adfa92f1322bf8915f68c932bac468e89eae9974cf1c00/contourpy-1.3.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:aea348f053c645100612b333adc5983d87be69acdc6d77d3169c090d3b01dc35", size = 1322833, upload-time = "2024-08-27T20:53:39.243Z" }, + { url = "https://files.pythonhosted.org/packages/73/e3/69738782e315a1d26d29d71a550dbbe3eb6c653b028b150f70c1a5f4f229/contourpy-1.3.0-cp312-cp312-win32.whl", hash = "sha256:90f73a5116ad1ba7174341ef3ea5c3150ddf20b024b98fb0c3b29034752c8aeb", size = 172681, upload-time = "2024-08-27T20:53:43.05Z" }, + { url = "https://files.pythonhosted.org/packages/0c/89/9830ba00d88e43d15e53d64931e66b8792b46eb25e2050a88fec4a0df3d5/contourpy-1.3.0-cp312-cp312-win_amd64.whl", hash = "sha256:b11b39aea6be6764f84360fce6c82211a9db32a7c7de8fa6dd5397cf1d079c3b", size = 218283, upload-time = "2024-08-27T20:53:47.232Z" }, + { url = "https://files.pythonhosted.org/packages/b3/e3/b9f72758adb6ef7397327ceb8b9c39c75711affb220e4f53c745ea1d5a9a/contourpy-1.3.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:a11077e395f67ffc2c44ec2418cfebed032cd6da3022a94fc227b6faf8e2acb8", size = 265518, upload-time = "2024-08-27T20:56:01.333Z" }, + { url = "https://files.pythonhosted.org/packages/ec/22/19f5b948367ab5260fb41d842c7a78dae645603881ea6bc39738bcfcabf6/contourpy-1.3.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:e8134301d7e204c88ed7ab50028ba06c683000040ede1d617298611f9dc6240c", size = 249350, upload-time = "2024-08-27T20:56:05.432Z" }, + { url = "https://files.pythonhosted.org/packages/26/76/0c7d43263dd00ae21a91a24381b7e813d286a3294d95d179ef3a7b9fb1d7/contourpy-1.3.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e12968fdfd5bb45ffdf6192a590bd8ddd3ba9e58360b29683c6bb71a7b41edca", size = 309167, upload-time = "2024-08-27T20:56:10.034Z" }, + { url = "https://files.pythonhosted.org/packages/96/3b/cadff6773e89f2a5a492c1a8068e21d3fccaf1a1c1df7d65e7c8e3ef60ba/contourpy-1.3.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fd2a0fc506eccaaa7595b7e1418951f213cf8255be2600f1ea1b61e46a60c55f", size = 348279, upload-time = "2024-08-27T20:56:15.41Z" }, + { url = "https://files.pythonhosted.org/packages/e1/86/158cc43aa549d2081a955ab11c6bdccc7a22caacc2af93186d26f5f48746/contourpy-1.3.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4cfb5c62ce023dfc410d6059c936dcf96442ba40814aefbfa575425a3a7f19dc", size = 318519, upload-time = "2024-08-27T20:56:21.813Z" }, + { url = "https://files.pythonhosted.org/packages/05/11/57335544a3027e9b96a05948c32e566328e3a2f84b7b99a325b7a06d2b06/contourpy-1.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:68a32389b06b82c2fdd68276148d7b9275b5f5cf13e5417e4252f6d1a34f72a2", size = 321922, upload-time = "2024-08-27T20:56:26.983Z" }, + { url = "https://files.pythonhosted.org/packages/0b/e3/02114f96543f4a1b694333b92a6dcd4f8eebbefcc3a5f3bbb1316634178f/contourpy-1.3.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:94e848a6b83da10898cbf1311a815f770acc9b6a3f2d646f330d57eb4e87592e", size = 1258017, upload-time = "2024-08-27T20:56:42.246Z" }, + { url = "https://files.pythonhosted.org/packages/f3/3b/bfe4c81c6d5881c1c643dde6620be0b42bf8aab155976dd644595cfab95c/contourpy-1.3.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:d78ab28a03c854a873787a0a42254a0ccb3cb133c672f645c9f9c8f3ae9d0800", size = 1316773, upload-time = "2024-08-27T20:56:58.58Z" }, + { url = "https://files.pythonhosted.org/packages/f1/17/c52d2970784383cafb0bd918b6fb036d98d96bbf0bc1befb5d1e31a07a70/contourpy-1.3.0-cp39-cp39-win32.whl", hash = "sha256:81cb5ed4952aae6014bc9d0421dec7c5835c9c8c31cdf51910b708f548cf58e5", size = 171353, upload-time = "2024-08-27T20:57:02.718Z" }, + { url = "https://files.pythonhosted.org/packages/53/23/db9f69676308e094d3c45f20cc52e12d10d64f027541c995d89c11ad5c75/contourpy-1.3.0-cp39-cp39-win_amd64.whl", hash = "sha256:14e262f67bd7e6eb6880bc564dcda30b15e351a594657e55b7eec94b6ef72843", size = 211817, upload-time = "2024-08-27T20:57:06.328Z" }, + { url = "https://files.pythonhosted.org/packages/d1/09/60e486dc2b64c94ed33e58dcfb6f808192c03dfc5574c016218b9b7680dc/contourpy-1.3.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:fe41b41505a5a33aeaed2a613dccaeaa74e0e3ead6dd6fd3a118fb471644fd6c", size = 261886, upload-time = "2024-08-27T20:57:10.863Z" }, + { url = "https://files.pythonhosted.org/packages/19/20/b57f9f7174fcd439a7789fb47d764974ab646fa34d1790551de386457a8e/contourpy-1.3.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eca7e17a65f72a5133bdbec9ecf22401c62bcf4821361ef7811faee695799779", size = 311008, upload-time = "2024-08-27T20:57:15.588Z" }, + { url = "https://files.pythonhosted.org/packages/74/fc/5040d42623a1845d4f17a418e590fd7a79ae8cb2bad2b2f83de63c3bdca4/contourpy-1.3.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:1ec4dc6bf570f5b22ed0d7efba0dfa9c5b9e0431aeea7581aa217542d9e809a4", size = 215690, upload-time = "2024-08-27T20:57:19.321Z" }, + { url = "https://files.pythonhosted.org/packages/2b/24/dc3dcd77ac7460ab7e9d2b01a618cb31406902e50e605a8d6091f0a8f7cc/contourpy-1.3.0-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:00ccd0dbaad6d804ab259820fa7cb0b8036bda0686ef844d24125d8287178ce0", size = 261894, upload-time = "2024-08-27T20:57:23.873Z" }, + { url = "https://files.pythonhosted.org/packages/b1/db/531642a01cfec39d1682e46b5457b07cf805e3c3c584ec27e2a6223f8f6c/contourpy-1.3.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8ca947601224119117f7c19c9cdf6b3ab54c5726ef1d906aa4a69dfb6dd58102", size = 311099, upload-time = "2024-08-27T20:57:28.58Z" }, + { url = "https://files.pythonhosted.org/packages/38/1e/94bda024d629f254143a134eead69e21c836429a2a6ce82209a00ddcb79a/contourpy-1.3.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:c6ec93afeb848a0845a18989da3beca3eec2c0f852322efe21af1931147d12cb", size = 215838, upload-time = "2024-08-27T20:57:32.913Z" }, +] + [[package]] name = "contourpy" version = "1.3.2" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "numpy" }, + { name = "numpy", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = [ @@ -321,6 +1964,444 @@ wheels = [ { 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.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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/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 = "cycler" version = "0.12.1" @@ -377,62 +2458,683 @@ wheels = [ [[package]] name = "filelock" -version = "3.18.0" +version = "3.19.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +sdist = { url = "https://files.pythonhosted.org/packages/40/bb/0ab3e58d22305b6f5440629d20683af28959bf793d98d11950e305c1c326/filelock-3.19.1.tar.gz", hash = "sha256:66eda1888b0171c998b35be2bcc0f6d75c388a7ce20c3f3f37aa8e96c2dddf58", size = 17687, upload-time = "2025-08-14T16:56:03.016Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/42/14/42b2651a2f46b022ccd948bca9f2d5af0fd8929c4eec235b8d6d844fbe67/filelock-3.19.1-py3-none-any.whl", hash = "sha256:d38e30481def20772f5baf097c122c3babc4fcdb7e14e57049eb9d88c6dc017d", size = 15988, upload-time = "2025-08-14T16:56:01.633Z" }, +] + +[[package]] +name = "filelock" +version = "3.20.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0a/10/c23352565a6544bdc5353e0b15fc1c563352101f30e24bf500207a54df9a/filelock-3.18.0.tar.gz", hash = "sha256:adbc88eabb99d2fec8c9c1b229b171f18afa655400173ddc653d5d01501fb9f2", size = 18075, upload-time = "2025-03-14T07:11:40.47Z" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +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/4d/36/2a115987e2d8c300a974597416d9de88f2444426de9571f4b59b2cca3acc/filelock-3.18.0-py3-none-any.whl", hash = "sha256:c401f4f8377c4464e6db25fff06205fd89bdd83b65eb0488ed1b160f780e21de", size = 16215, upload-time = "2025-03-14T07:11:39.145Z" }, + { url = "https://files.pythonhosted.org/packages/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 = "flatbuffers" -version = "25.2.10" +version = "25.9.23" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/e4/30/eb5dce7994fc71a2f685d98ec33cc660c0a5887db5610137e60d8cbc4489/flatbuffers-25.2.10.tar.gz", hash = "sha256:97e451377a41262f8d9bd4295cc836133415cc03d8cb966410a4af92eb00d26e", size = 22170, upload-time = "2025-02-11T04:26:46.257Z" } +sdist = { url = "https://files.pythonhosted.org/packages/9d/1f/3ee70b0a55137442038f2a33469cc5fddd7e0ad2abf83d7497c18a2b6923/flatbuffers-25.9.23.tar.gz", hash = "sha256:676f9fa62750bb50cf531b42a0a2a118ad8f7f797a511eda12881c016f093b12", size = 22067, upload-time = "2025-09-24T05:25:30.106Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b8/25/155f9f080d5e4bc0082edfda032ea2bc2b8fab3f4d25d46c1e9dd22a1a89/flatbuffers-25.2.10-py2.py3-none-any.whl", hash = "sha256:ebba5f4d5ea615af3f7fd70fc310636fbb2bbd1f566ac0a23d98dd412de50051", size = 30953, upload-time = "2025-02-11T04:26:44.484Z" }, + { url = "https://files.pythonhosted.org/packages/ee/1b/00a78aa2e8fbd63f9af08c9c19e6deb3d5d66b4dda677a0f61654680ee89/flatbuffers-25.9.23-py2.py3-none-any.whl", hash = "sha256:255538574d6cb6d0a79a17ec8bc0d30985913b87513a01cce8bcdb6b4c44d0e2", size = 30869, upload-time = "2025-09-24T05:25:28.912Z" }, ] [[package]] name = "fonttools" -version = "4.58.4" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2e/5a/1124b2c8cb3a8015faf552e92714040bcdbc145dfa29928891b02d147a18/fonttools-4.58.4.tar.gz", hash = "sha256:928a8009b9884ed3aae17724b960987575155ca23c6f0b8146e400cc9e0d44ba", size = 3525026, upload-time = "2025-06-13T17:25:15.426Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/ed/86/d22c24caa574449b56e994ed1a96d23b23af85557fb62a92df96439d3f6c/fonttools-4.58.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:834542f13fee7625ad753b2db035edb674b07522fcbdd0ed9e9a9e2a1034467f", size = 2748349, upload-time = "2025-06-13T17:23:49.179Z" }, - { url = "https://files.pythonhosted.org/packages/f9/b8/384aca93856def00e7de30341f1e27f439694857d82c35d74a809c705ed0/fonttools-4.58.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2e6c61ce330142525296170cd65666e46121fc0d44383cbbcfa39cf8f58383df", size = 2318565, upload-time = "2025-06-13T17:23:52.144Z" }, - { url = "https://files.pythonhosted.org/packages/1a/f2/273edfdc8d9db89ecfbbf659bd894f7e07b6d53448b19837a4bdba148d17/fonttools-4.58.4-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e9c75f8faa29579c0fbf29b56ae6a3660c6c025f3b671803cb6a9caa7e4e3a98", size = 4838855, upload-time = "2025-06-13T17:23:54.039Z" }, - { url = "https://files.pythonhosted.org/packages/13/fa/403703548c093c30b52ab37e109b369558afa221130e67f06bef7513f28a/fonttools-4.58.4-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:88dedcedbd5549e35b2ea3db3de02579c27e62e51af56779c021e7b33caadd0e", size = 4767637, upload-time = "2025-06-13T17:23:56.17Z" }, - { url = "https://files.pythonhosted.org/packages/6e/a8/3380e1e0bff6defb0f81c9abf274a5b4a0f30bc8cab4fd4e346c6f923b4c/fonttools-4.58.4-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:ae80a895adab43586f4da1521d58fd4f4377cef322ee0cc205abcefa3a5effc3", size = 4819397, upload-time = "2025-06-13T17:23:58.263Z" }, - { url = "https://files.pythonhosted.org/packages/cd/1b/99e47eb17a8ca51d808622a4658584fa8f340857438a4e9d7ac326d4a041/fonttools-4.58.4-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:0d3acc7f0d151da116e87a182aefb569cf0a3c8e0fd4c9cd0a7c1e7d3e7adb26", size = 4926641, upload-time = "2025-06-13T17:24:00.368Z" }, - { url = "https://files.pythonhosted.org/packages/31/75/415254408f038e35b36c8525fc31feb8561f98445688dd2267c23eafd7a2/fonttools-4.58.4-cp310-cp310-win32.whl", hash = "sha256:1244f69686008e7e8d2581d9f37eef330a73fee3843f1107993eb82c9d306577", size = 2201917, upload-time = "2025-06-13T17:24:02.587Z" }, - { url = "https://files.pythonhosted.org/packages/c5/69/f019a15ed2946317c5318e1bcc8876f8a54a313848604ad1d4cfc4c07916/fonttools-4.58.4-cp310-cp310-win_amd64.whl", hash = "sha256:2a66c0af8a01eb2b78645af60f3b787de5fe5eb1fd8348163715b80bdbfbde1f", size = 2246327, upload-time = "2025-06-13T17:24:04.087Z" }, - { url = "https://files.pythonhosted.org/packages/17/7b/cc6e9bb41bab223bd2dc70ba0b21386b85f604e27f4c3206b4205085a2ab/fonttools-4.58.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a3841991c9ee2dc0562eb7f23d333d34ce81e8e27c903846f0487da21e0028eb", size = 2768901, upload-time = "2025-06-13T17:24:05.901Z" }, - { url = "https://files.pythonhosted.org/packages/3d/15/98d75df9f2b4e7605f3260359ad6e18e027c11fa549f74fce567270ac891/fonttools-4.58.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3c98f91b6a9604e7ffb5ece6ea346fa617f967c2c0944228801246ed56084664", size = 2328696, upload-time = "2025-06-13T17:24:09.18Z" }, - { url = "https://files.pythonhosted.org/packages/a8/c8/dc92b80f5452c9c40164e01b3f78f04b835a00e673bd9355ca257008ff61/fonttools-4.58.4-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ab9f891eb687ddf6a4e5f82901e00f992e18012ca97ab7acd15f13632acd14c1", size = 5018830, upload-time = "2025-06-13T17:24:11.282Z" }, - { url = "https://files.pythonhosted.org/packages/19/48/8322cf177680505d6b0b6062e204f01860cb573466a88077a9b795cb70e8/fonttools-4.58.4-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:891c5771e8f0094b7c0dc90eda8fc75e72930b32581418f2c285a9feedfd9a68", size = 4960922, upload-time = "2025-06-13T17:24:14.9Z" }, - { url = "https://files.pythonhosted.org/packages/14/e0/2aff149ed7eb0916de36da513d473c6fff574a7146891ce42de914899395/fonttools-4.58.4-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:43ba4d9646045c375d22e3473b7d82b18b31ee2ac715cd94220ffab7bc2d5c1d", size = 4997135, upload-time = "2025-06-13T17:24:16.959Z" }, - { url = "https://files.pythonhosted.org/packages/e6/6f/4d9829b29a64a2e63a121cb11ecb1b6a9524086eef3e35470949837a1692/fonttools-4.58.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:33d19f16e6d2ffd6669bda574a6589941f6c99a8d5cfb9f464038244c71555de", size = 5108701, upload-time = "2025-06-13T17:24:18.849Z" }, - { url = "https://files.pythonhosted.org/packages/6f/1e/2d656ddd1b0cd0d222f44b2d008052c2689e66b702b9af1cd8903ddce319/fonttools-4.58.4-cp311-cp311-win32.whl", hash = "sha256:b59e5109b907da19dc9df1287454821a34a75f2632a491dd406e46ff432c2a24", size = 2200177, upload-time = "2025-06-13T17:24:20.823Z" }, - { url = "https://files.pythonhosted.org/packages/fb/83/ba71ad053fddf4157cb0697c8da8eff6718d059f2a22986fa5f312b49c92/fonttools-4.58.4-cp311-cp311-win_amd64.whl", hash = "sha256:3d471a5b567a0d1648f2e148c9a8bcf00d9ac76eb89e976d9976582044cc2509", size = 2247892, upload-time = "2025-06-13T17:24:22.927Z" }, - { url = "https://files.pythonhosted.org/packages/04/3c/1d1792bfe91ef46f22a3d23b4deb514c325e73c17d4f196b385b5e2faf1c/fonttools-4.58.4-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:462211c0f37a278494e74267a994f6be9a2023d0557aaa9ecbcbfce0f403b5a6", size = 2754082, upload-time = "2025-06-13T17:24:24.862Z" }, - { url = "https://files.pythonhosted.org/packages/2a/1f/2b261689c901a1c3bc57a6690b0b9fc21a9a93a8b0c83aae911d3149f34e/fonttools-4.58.4-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:0c7a12fb6f769165547f00fcaa8d0df9517603ae7e04b625e5acb8639809b82d", size = 2321677, upload-time = "2025-06-13T17:24:26.815Z" }, - { url = "https://files.pythonhosted.org/packages/fe/6b/4607add1755a1e6581ae1fc0c9a640648e0d9cdd6591cc2d581c2e07b8c3/fonttools-4.58.4-cp312-cp312-manylinux1_x86_64.manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_5_x86_64.whl", hash = "sha256:2d42c63020a922154add0a326388a60a55504629edc3274bc273cd3806b4659f", size = 4896354, upload-time = "2025-06-13T17:24:28.428Z" }, - { url = "https://files.pythonhosted.org/packages/cd/95/34b4f483643d0cb11a1f830b72c03fdd18dbd3792d77a2eb2e130a96fada/fonttools-4.58.4-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8f2b4e6fd45edc6805f5f2c355590b092ffc7e10a945bd6a569fc66c1d2ae7aa", size = 4941633, upload-time = "2025-06-13T17:24:30.568Z" }, - { url = "https://files.pythonhosted.org/packages/81/ac/9bafbdb7694059c960de523e643fa5a61dd2f698f3f72c0ca18ae99257c7/fonttools-4.58.4-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:f155b927f6efb1213a79334e4cb9904d1e18973376ffc17a0d7cd43d31981f1e", size = 4886170, upload-time = "2025-06-13T17:24:32.724Z" }, - { url = "https://files.pythonhosted.org/packages/ae/44/a3a3b70d5709405f7525bb7cb497b4e46151e0c02e3c8a0e40e5e9fe030b/fonttools-4.58.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:e38f687d5de97c7fb7da3e58169fb5ba349e464e141f83c3c2e2beb91d317816", size = 5037851, upload-time = "2025-06-13T17:24:35.034Z" }, - { url = "https://files.pythonhosted.org/packages/21/cb/e8923d197c78969454eb876a4a55a07b59c9c4c46598f02b02411dc3b45c/fonttools-4.58.4-cp312-cp312-win32.whl", hash = "sha256:636c073b4da9db053aa683db99580cac0f7c213a953b678f69acbca3443c12cc", size = 2187428, upload-time = "2025-06-13T17:24:36.996Z" }, - { url = "https://files.pythonhosted.org/packages/46/e6/fe50183b1a0e1018e7487ee740fa8bb127b9f5075a41e20d017201e8ab14/fonttools-4.58.4-cp312-cp312-win_amd64.whl", hash = "sha256:82e8470535743409b30913ba2822e20077acf9ea70acec40b10fcf5671dceb58", size = 2236649, upload-time = "2025-06-13T17:24:38.985Z" }, - { url = "https://files.pythonhosted.org/packages/0b/2f/c536b5b9bb3c071e91d536a4d11f969e911dbb6b227939f4c5b0bca090df/fonttools-4.58.4-py3-none-any.whl", hash = "sha256:a10ce13a13f26cbb9f37512a4346bb437ad7e002ff6fa966a7ce7ff5ac3528bd", size = 1114660, upload-time = "2025-06-13T17:25:13.321Z" }, +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/a4/7f/1c9a6cc6e7374ab59bbe91cb3b8a65ce0907c59f8f35368bb3bf941bd458/fonttools-4.60.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:122e1a8ada290423c493491d002f622b1992b1ab0b488c68e31c413390dc7eb2", size = 2816178, upload-time = "2025-09-29T21:13:02.915Z" }, + { url = "https://files.pythonhosted.org/packages/ca/ac/acb4dcf1932566c0b57b5261f93a8b97cb3ebae08d07aff1288e7c9d7faa/fonttools-4.60.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:a140761c4ff63d0cb9256ac752f230460ee225ccef4ad8f68affc723c88e2036", size = 2349175, upload-time = "2025-09-29T21:13:05.432Z" }, + { url = "https://files.pythonhosted.org/packages/3e/ac/0b2f8d62c857adfe96551d56abbbc3d2eda2e4715a2e91c5eb7815bb38e1/fonttools-4.60.1-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:0eae96373e4b7c9e45d099d7a523444e3554360927225c1cdae221a58a45b856", size = 4840452, upload-time = "2025-09-29T21:13:08.679Z" }, + { url = "https://files.pythonhosted.org/packages/2d/e1/b2e2ae805f263507e050f1ebfc2fb3654124161f3bea466a1b2a4485c705/fonttools-4.60.1-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:596ecaca36367027d525b3b426d8a8208169d09edcf8c7506aceb3a38bfb55c7", size = 4774040, upload-time = "2025-09-29T21:13:11.424Z" }, + { url = "https://files.pythonhosted.org/packages/9d/91/05949ba6f757014f343632b142543576eb100aeb261c036b86e7d1fc50f0/fonttools-4.60.1-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:2ee06fc57512144d8b0445194c2da9f190f61ad51e230f14836286470c99f854", size = 4823746, upload-time = "2025-09-29T21:13:14.08Z" }, + { url = "https://files.pythonhosted.org/packages/1b/cf/db9a1bd8d835dc17f09104f83b9d8c078d7bebbaaa9bd41378bf10f025de/fonttools-4.60.1-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:b42d86938e8dda1cd9a1a87a6d82f1818eaf933348429653559a458d027446da", size = 4934001, upload-time = "2025-09-29T21:13:16.435Z" }, + { url = "https://files.pythonhosted.org/packages/87/4a/c58503524f7e6c73eb33b944f27535460e1050a58c99bd5b441242fcca86/fonttools-4.60.1-cp39-cp39-win32.whl", hash = "sha256:8b4eb332f9501cb1cd3d4d099374a1e1306783ff95489a1026bde9eb02ccc34a", size = 1499091, upload-time = "2025-09-29T21:13:19.072Z" }, + { url = "https://files.pythonhosted.org/packages/69/8f/3394936411aec5f26a1fdf8d7fdc1da7c276e0c627cd71b7b266b2431681/fonttools-4.60.1-cp39-cp39-win_amd64.whl", hash = "sha256:7473a8ed9ed09aeaa191301244a5a9dbe46fe0bf54f9d6cd21d83044c3321217", size = 1543835, upload-time = "2025-09-29T21:13:21.606Z" }, + { 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 = "fsspec" -version = "2025.5.1" +version = "2025.9.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/00/f7/27f15d41f0ed38e8fcc488584b57e902b331da7f7c6dcda53721b15838fc/fsspec-2025.5.1.tar.gz", hash = "sha256:2e55e47a540b91843b755e83ded97c6e897fa0942b11490113f09e9c443c2475", size = 303033, upload-time = "2025-05-24T12:03:23.792Z" } +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/bb/61/78c7b3851add1481b048b5fdc29067397a1784e2910592bc81bb3f608635/fsspec-2025.5.1-py3-none-any.whl", hash = "sha256:24d3a2e663d5fc735ab256263c4075f374a174c3410c0b25e5bd1970bceaa462", size = 199052, upload-time = "2025-05-24T12:03:21.66Z" }, + { 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]] @@ -451,8 +3153,13 @@ wheels = [ name = "h5py" version = "3.14.0" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "numpy" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] sdist = { url = "https://files.pythonhosted.org/packages/5d/57/dfb3c5c3f1bf5f5ef2e59a22dec4ff1f3d7408b55bfcefcfb0ea69ef21c6/h5py-3.14.0.tar.gz", hash = "sha256:2372116b2e0d5d3e5e705b7f663f7c8d96fa79a4052d250484ef91d24d6a08f4", size = 424323, upload-time = "2025-06-06T14:06:15.01Z" } wheels = [ @@ -471,29 +3178,668 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/3f/19/c8bfe8543bfdd7ccfafd46d8cfd96fce53d6c33e9c7921f375530ee1d39a/h5py-3.14.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:554ef0ced3571366d4d383427c00c966c360e178b5fb5ee5bb31a435c424db0c", size = 4708455, upload-time = "2025-06-06T14:05:11.528Z" }, { url = "https://files.pythonhosted.org/packages/86/f9/f00de11c82c88bfc1ef22633557bfba9e271e0cb3189ad704183fc4a2644/h5py-3.14.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0cbd41f4e3761f150aa5b662df991868ca533872c95467216f2bec5fcad84882", size = 4929422, upload-time = "2025-06-06T14:05:18.399Z" }, { url = "https://files.pythonhosted.org/packages/7a/6d/6426d5d456f593c94b96fa942a9b3988ce4d65ebaf57d7273e452a7222e8/h5py-3.14.0-cp312-cp312-win_amd64.whl", hash = "sha256:bf4897d67e613ecf5bdfbdab39a1158a64df105827da70ea1d90243d796d367f", size = 2862845, upload-time = "2025-06-06T14:05:23.699Z" }, + { url = "https://files.pythonhosted.org/packages/ec/ac/9ea82488c8790ee5b6ad1a807cd7dc3b9dadfece1cd0e0e369f68a7a8937/h5py-3.14.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f5cc1601e78027cedfec6dd50efb4802f018551754191aeb58d948bd3ec3bd7a", size = 3345097, upload-time = "2025-06-06T14:05:51.984Z" }, + { url = "https://files.pythonhosted.org/packages/6c/bc/a172ecaaf287e3af2f837f23b470b0a2229c79555a0da9ac8b5cc5bed078/h5py-3.14.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:5e59d2136a8b302afd25acdf7a89b634e0eb7c66b1a211ef2d0457853768a2ef", size = 2843320, upload-time = "2025-06-06T14:05:55.754Z" }, + { url = "https://files.pythonhosted.org/packages/66/40/b423b57696514e05aa7bb06150ef96667d0e0006cc6de7ab52c71734ab51/h5py-3.14.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:573c33ad056ac7c1ab6d567b6db9df3ffc401045e3f605736218f96c1e0490c6", size = 4326368, upload-time = "2025-06-06T14:06:00.782Z" }, + { url = "https://files.pythonhosted.org/packages/f7/07/e088f89f04fdbe57ddf9de377f857158d3daa38cf5d0fb20ef9bd489e313/h5py-3.14.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ccbe17dc187c0c64178f1a10aa274ed3a57d055117588942b8a08793cc448216", size = 4559686, upload-time = "2025-06-06T14:06:07.416Z" }, + { url = "https://files.pythonhosted.org/packages/b4/e4/fb8032d0e5480b1db9b419b5b50737b61bb3c7187c49d809975d62129fb0/h5py-3.14.0-cp39-cp39-win_amd64.whl", hash = "sha256:4f025cf30ae738c4c4e38c7439a761a71ccfcce04c2b87b2a2ac64e8c5171d43", size = 2877166, upload-time = "2025-06-06T14:06:13.05Z" }, +] + +[[package]] +name = "h5py" +version = "3.15.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/4d/6a/0d79de0b025aa85dc8864de8e97659c94cf3d23148394a954dc5ca52f8c8/h5py-3.15.1.tar.gz", hash = "sha256:c86e3ed45c4473564de55aa83b6fc9e5ead86578773dfbd93047380042e26b69", size = 426236, upload-time = "2025-10-16T10:35:27.404Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/86/30/8fa61698b438dd751fa46a359792e801191dadab560d0a5f1c709443ef8e/h5py-3.15.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:67e59f6c2f19a32973a40f43d9a088ae324fe228c8366e25ebc57ceebf093a6b", size = 3414477, upload-time = "2025-10-16T10:33:24.201Z" }, + { url = "https://files.pythonhosted.org/packages/16/16/db2f63302937337c4e9e51d97a5984b769bdb7488e3d37632a6ac297f8ef/h5py-3.15.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0e2f471688402c3404fa4e13466e373e622fd4b74b47b56cfdff7cc688209422", size = 2850298, upload-time = "2025-10-16T10:33:27.747Z" }, + { url = "https://files.pythonhosted.org/packages/fc/2e/f1bb7de9b05112bfd14d5206090f0f92f1e75bbb412fbec5d4653c3d44dd/h5py-3.15.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:4c45802bcb711e128a6839cb6c01e9ac648dc55df045c9542a675c771f15c8d5", size = 4523605, upload-time = "2025-10-16T10:33:31.168Z" }, + { url = "https://files.pythonhosted.org/packages/05/8a/63f4b08f3628171ce8da1a04681a65ee7ac338fde3cb3e9e3c9f7818e4da/h5py-3.15.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:64ce3f6470adb87c06e3a8dd1b90e973699f1759ad79bfa70c230939bff356c9", size = 4735346, upload-time = "2025-10-16T10:33:34.759Z" }, + { url = "https://files.pythonhosted.org/packages/74/48/f16d12d9de22277605bcc11c0dcab5e35f06a54be4798faa2636b5d44b3c/h5py-3.15.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:4411c1867b9899a25e983fff56d820a66f52ac326bbe10c7cdf7d832c9dcd883", size = 4175305, upload-time = "2025-10-16T10:33:38.83Z" }, + { url = "https://files.pythonhosted.org/packages/d6/2f/47cdbff65b2ce53c27458c6df63a232d7bb1644b97df37b2342442342c84/h5py-3.15.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:2cbc4104d3d4aca9d6db8c0c694555e255805bfeacf9eb1349bda871e26cacbe", size = 4653602, upload-time = "2025-10-16T10:33:42.188Z" }, + { url = "https://files.pythonhosted.org/packages/c3/28/dc08de359c2f43a67baa529cb70d7f9599848750031975eed92d6ae78e1d/h5py-3.15.1-cp310-cp310-win_amd64.whl", hash = "sha256:01f55111ca516f5568ae7a7fc8247dfce607de331b4467ee8a9a6ed14e5422c7", size = 2873601, upload-time = "2025-10-16T10:33:45.323Z" }, + { url = "https://files.pythonhosted.org/packages/41/fd/8349b48b15b47768042cff06ad6e1c229f0a4bd89225bf6b6894fea27e6d/h5py-3.15.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5aaa330bcbf2830150c50897ea5dcbed30b5b6d56897289846ac5b9e529ec243", size = 3434135, upload-time = "2025-10-16T10:33:47.954Z" }, + { url = "https://files.pythonhosted.org/packages/c1/b0/1c628e26a0b95858f54aba17e1599e7f6cd241727596cc2580b72cb0a9bf/h5py-3.15.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c970fb80001fffabb0109eaf95116c8e7c0d3ca2de854e0901e8a04c1f098509", size = 2870958, upload-time = "2025-10-16T10:33:50.907Z" }, + { url = "https://files.pythonhosted.org/packages/f9/e3/c255cafc9b85e6ea04e2ad1bba1416baa1d7f57fc98a214be1144087690c/h5py-3.15.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:80e5bb5b9508d5d9da09f81fd00abbb3f85da8143e56b1585d59bc8ceb1dba8b", size = 4504770, upload-time = "2025-10-16T10:33:54.357Z" }, + { url = "https://files.pythonhosted.org/packages/8b/23/4ab1108e87851ccc69694b03b817d92e142966a6c4abd99e17db77f2c066/h5py-3.15.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5b849ba619a066196169763c33f9f0f02e381156d61c03e000bb0100f9950faf", size = 4700329, upload-time = "2025-10-16T10:33:57.616Z" }, + { url = "https://files.pythonhosted.org/packages/a4/e4/932a3a8516e4e475b90969bf250b1924dbe3612a02b897e426613aed68f4/h5py-3.15.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:e7f6c841efd4e6e5b7e82222eaf90819927b6d256ab0f3aca29675601f654f3c", size = 4152456, upload-time = "2025-10-16T10:34:00.843Z" }, + { url = "https://files.pythonhosted.org/packages/2a/0a/f74d589883b13737021b2049ac796328f188dbb60c2ed35b101f5b95a3fc/h5py-3.15.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ca8a3a22458956ee7b40d8e39c9a9dc01f82933e4c030c964f8b875592f4d831", size = 4617295, upload-time = "2025-10-16T10:34:04.154Z" }, + { url = "https://files.pythonhosted.org/packages/23/95/499b4e56452ef8b6c95a271af0dde08dac4ddb70515a75f346d4f400579b/h5py-3.15.1-cp311-cp311-win_amd64.whl", hash = "sha256:550e51131376889656feec4aff2170efc054a7fe79eb1da3bb92e1625d1ac878", size = 2882129, upload-time = "2025-10-16T10:34:06.886Z" }, + { url = "https://files.pythonhosted.org/packages/ce/bb/cfcc70b8a42222ba3ad4478bcef1791181ea908e2adbd7d53c66395edad5/h5py-3.15.1-cp311-cp311-win_arm64.whl", hash = "sha256:b39239947cb36a819147fc19e86b618dcb0953d1cd969f5ed71fc0de60392427", size = 2477121, upload-time = "2025-10-16T10:34:09.579Z" }, + { url = "https://files.pythonhosted.org/packages/62/b8/c0d9aa013ecfa8b7057946c080c0c07f6fa41e231d2e9bd306a2f8110bdc/h5py-3.15.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:316dd0f119734f324ca7ed10b5627a2de4ea42cc4dfbcedbee026aaa361c238c", size = 3399089, upload-time = "2025-10-16T10:34:12.135Z" }, + { url = "https://files.pythonhosted.org/packages/a4/5e/3c6f6e0430813c7aefe784d00c6711166f46225f5d229546eb53032c3707/h5py-3.15.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b51469890e58e85d5242e43aab29f5e9c7e526b951caab354f3ded4ac88e7b76", size = 2847803, upload-time = "2025-10-16T10:34:14.564Z" }, + { url = "https://files.pythonhosted.org/packages/00/69/ba36273b888a4a48d78f9268d2aee05787e4438557450a8442946ab8f3ec/h5py-3.15.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:8a33bfd5dfcea037196f7778534b1ff7e36a7f40a89e648c8f2967292eb6898e", size = 4914884, upload-time = "2025-10-16T10:34:18.452Z" }, + { url = "https://files.pythonhosted.org/packages/3a/30/d1c94066343a98bb2cea40120873193a4fed68c4ad7f8935c11caf74c681/h5py-3.15.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:25c8843fec43b2cc368aa15afa1cdf83fc5e17b1c4e10cd3771ef6c39b72e5ce", size = 5109965, upload-time = "2025-10-16T10:34:21.853Z" }, + { url = "https://files.pythonhosted.org/packages/81/3d/d28172116eafc3bc9f5991b3cb3fd2c8a95f5984f50880adfdf991de9087/h5py-3.15.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:a308fd8681a864c04423c0324527237a0484e2611e3441f8089fd00ed56a8171", size = 4561870, upload-time = "2025-10-16T10:34:26.69Z" }, + { url = "https://files.pythonhosted.org/packages/a5/83/393a7226024238b0f51965a7156004eaae1fcf84aa4bfecf7e582676271b/h5py-3.15.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:f4a016df3f4a8a14d573b496e4d1964deb380e26031fc85fb40e417e9131888a", size = 5037161, upload-time = "2025-10-16T10:34:30.383Z" }, + { url = "https://files.pythonhosted.org/packages/cf/51/329e7436bf87ca6b0fe06dd0a3795c34bebe4ed8d6c44450a20565d57832/h5py-3.15.1-cp312-cp312-win_amd64.whl", hash = "sha256:59b25cf02411bf12e14f803fef0b80886444c7fe21a5ad17c6a28d3f08098a1e", size = 2874165, upload-time = "2025-10-16T10:34:33.461Z" }, + { url = "https://files.pythonhosted.org/packages/09/a8/2d02b10a66747c54446e932171dd89b8b4126c0111b440e6bc05a7c852ec/h5py-3.15.1-cp312-cp312-win_arm64.whl", hash = "sha256:61d5a58a9851e01ee61c932bbbb1c98fe20aba0a5674776600fb9a361c0aa652", size = 2458214, upload-time = "2025-10-16T10:34:35.733Z" }, ] [[package]] name = "hf-xet" -version = "1.1.4" +version = "1.2.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8d/11/b480bb7515db97d5b2b703927a59bbdd3f87e68d47dff5591aada467b4a9/hf_xet-1.1.4.tar.gz", hash = "sha256:875158df90cb13547752532ed73cad9dfaad3b29e203143838f67178418d08a4", size = 492082, upload-time = "2025-06-16T21:20:51.375Z" } +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/c4/62/3b41a7439930996530c64955874445012fd9044c82c60b34c5891c34fec6/hf_xet-1.1.4-cp37-abi3-macosx_10_12_x86_64.whl", hash = "sha256:6591ab9f61ea82d261107ed90237e2ece972f6a7577d96f5f071208bbf255d1c", size = 2643151, upload-time = "2025-06-16T21:20:45.656Z" }, - { url = "https://files.pythonhosted.org/packages/9b/9f/1744fb1d79e0ac147578b193ce29208ebb9f4636e8cdf505638f6f0a6874/hf_xet-1.1.4-cp37-abi3-macosx_11_0_arm64.whl", hash = "sha256:071b0b4d4698990f746edd666c7cc42555833d22035d88db0df936677fb57d29", size = 2510687, upload-time = "2025-06-16T21:20:43.754Z" }, - { url = "https://files.pythonhosted.org/packages/d1/a8/49a81d4f81b0d21cc758b6fca3880a85ca0d209e8425c8b3a6ef694881ca/hf_xet-1.1.4-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b5b610831e92e41182d4c028653978b844d332d492cdcba1b920d3aca4a0207e", size = 3057631, upload-time = "2025-06-16T21:20:42.006Z" }, - { url = "https://files.pythonhosted.org/packages/bf/8b/65fa08273789dafbc38d0f0bdd20df56b63ebc6566981bbaa255d9d84a33/hf_xet-1.1.4-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:f6578bcd71393abfd60395279cc160ca808b61f5f9d535b922fcdcd3f77a708d", size = 2949250, upload-time = "2025-06-16T21:20:39.914Z" }, - { url = "https://files.pythonhosted.org/packages/8b/4b/224340bb1d5c63b6e03e04095b4e42230848454bf4293c45cd7bdaa0c208/hf_xet-1.1.4-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:fb2bbfa2aae0e4f0baca988e7ba8d8c1a39a25adf5317461eb7069ad00505b3e", size = 3124670, upload-time = "2025-06-16T21:20:47.688Z" }, - { url = "https://files.pythonhosted.org/packages/4a/b7/4be010014de6585401c32a04c46b09a4a842d66bd16ed549a401e973b74b/hf_xet-1.1.4-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:73346ba3e2e15ea8909a26b0862b458f15b003e6277935e3fba5bf273508d698", size = 3234131, upload-time = "2025-06-16T21:20:49.535Z" }, - { url = "https://files.pythonhosted.org/packages/c2/2d/cf148d532f741fbf93f380ff038a33c1309d1e24ea629dc39d11dca08c92/hf_xet-1.1.4-cp37-abi3-win_amd64.whl", hash = "sha256:52e8f8bc2029d8b911493f43cea131ac3fa1f0dc6a13c50b593c4516f02c6fc3", size = 2695589, upload-time = "2025-06-16T21:20:53.151Z" }, + { 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 = "huggingface-hub" -version = "0.35.0" +version = "0.36.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "filelock" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { 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-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "packaging" }, @@ -502,9 +3848,9 @@ dependencies = [ { name = "tqdm" }, { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/37/79/d71d40efa058e8c4a075158f8855bc2998037b5ff1c84f249f34435c1df7/huggingface_hub-0.35.0.tar.gz", hash = "sha256:ccadd2a78eef75effff184ad89401413629fabc52cefd76f6bbacb9b1c0676ac", size = 461486, upload-time = "2025-09-16T13:49:33.282Z" } +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/fe/85/a18508becfa01f1e4351b5e18651b06d210dbd96debccd48a452acccb901/huggingface_hub-0.35.0-py3-none-any.whl", hash = "sha256:f2e2f693bca9a26530b1c0b9bcd4c1495644dad698e6a0060f90e22e772c31e9", size = 563436, upload-time = "2025-09-16T13:49:30.627Z" }, + { 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]] @@ -512,7 +3858,7 @@ name = "humanfriendly" version = "10.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "pyreadline3", marker = "sys_platform == 'win32' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyreadline3", marker = "(sys_platform == 'win32' and extra == 'extra-13-inference-exp-onnx-cpu') or (sys_platform == 'win32' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'win32' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] sdist = { url = "https://files.pythonhosted.org/packages/cc/3f/2c29224acb2e2df4d2046e4c73ee2662023c58ff5b113c4c1adac0886c43/humanfriendly-10.0.tar.gz", hash = "sha256:6b0b831ce8f15f7300721aa49829fc4e83921a9a301cc7f606be6686a2288ddc", size = 360702, upload-time = "2021-09-17T21:40:43.31Z" } wheels = [ @@ -521,11 +3867,11 @@ wheels = [ [[package]] name = "idna" -version = "3.10" +version = "3.11" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/f1/70/7703c29685631f5a7590aa73f1f1d3fa9a380e654b86af429e0934a32f7d/idna-3.10.tar.gz", hash = "sha256:12f65c9b470abda6dc35cf8e63cc574b1c52b11df2c86030af0ac09b01b13ea9", size = 190490, upload-time = "2024-09-15T18:07:39.745Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/76/c6/c88e154df9c4e1a2a66ccf0005a88dfb2650c1dffb6f5ce603dfbd452ce3/idna-3.10-py3-none-any.whl", hash = "sha256:946d195a0d259cbba61165e88e65941f16e9b36ea6ddb97f00452bae8b1287d3", size = 70442, upload-time = "2024-09-15T18:07:37.964Z" }, + { url = "https://files.pythonhosted.org/packages/0e/61/66938bbb5fc52dbdf84594873d5b51fb1f7c7794e9c0f5bd885f30bc507b/idna-3.11-py3-none-any.whl", hash = "sha256:771a87f49d9defaf64091e6e6fe9c18d4833f140bd19464795bc32d966ca37ea", size = 71008, upload-time = "2025-10-12T14:55:18.883Z" }, ] [[package]] @@ -534,53 +3880,90 @@ version = "2.37.0" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "numpy" }, - { name = "pillow" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = "importlib-metadata" +version = "8.7.0" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "zipp", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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" } +dependencies = [ + { name = "zipp", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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 = "inference-exp" -version = "0.15.5" +version = "0.16.2" source = { virtual = "." } dependencies = [ - { name = "accelerate" }, + { name = "accelerate", version = "1.10.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "accelerate", version = "1.11.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "backoff" }, { name = "bitsandbytes", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "einops" }, - { name = "filelock" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "num2words" }, { name = "numpy" }, { name = "opencv-python" }, { name = "packaging" }, { name = "peft" }, { name = "pydantic" }, - { name = "python-doctr", extra = ["torch"] }, + { name = "python-doctr", version = "0.10.0", source = { registry = "https://pypi.org/simple" }, extra = ["torch"], marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "python-doctr", version = "0.11.0", source = { registry = "https://pypi.org/simple" }, extra = ["torch"], marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "pyvips" }, { name = "requests" }, { name = "rf-clip" }, { name = "rich" }, - { name = "scikit-image" }, + { name = "scikit-image", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scikit-image", version = "0.25.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "segmentation-models-pytorch" }, { name = "supervision" }, { name = "timm" }, { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "transformers" }, ] @@ -592,20 +3975,22 @@ mediapipe = [ { name = "mediapipe" }, ] onnx-cpu = [ - { name = "onnxruntime" }, + { name = "onnxruntime", version = "1.20.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "onnxruntime", version = "1.22.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] onnx-cu118 = [ { name = "onnxruntime-gpu", version = "1.20.1", source = { registry = "https://aiinfra.pkgs.visualstudio.com/PublicPackages/_packaging/onnxruntime-cuda-11/pypi/simple/" }, marker = "platform_system != 'darwin' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "pycuda", marker = "platform_system != 'darwin' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] onnx-cu12 = [ - { name = "onnxruntime-gpu", version = "1.22.0", source = { registry = "https://pypi.org/simple" }, marker = "platform_system != 'darwin' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "onnxruntime-gpu", version = "1.20.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "onnxruntime-gpu", version = "1.22.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "pycuda", marker = "platform_system != 'darwin' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] onnx-jp6-cu126 = [ - { name = "numpy" }, - { name = "onnxruntime-gpu", version = "1.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "platform_system != 'darwin' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pycuda", marker = "platform_system != 'darwin' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "onnxruntime-gpu", version = "1.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] test = [ { name = "pytest" }, @@ -614,40 +3999,46 @@ test = [ { name = "requests-mock" }, ] torch-cpu = [ - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] torch-cu118 = [ - { name = "pycuda" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, { 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" } }, ] torch-cu124 = [ - { name = "pycuda" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, { 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" } }, ] torch-cu126 = [ - { name = "pycuda" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" } }, { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" } }, ] torch-cu128 = [ - { name = "pycuda" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" } }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] torch-jp6-cu126 = [ - { name = "numpy" }, - { name = "pycuda" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" } }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" } }, + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, ] trt10 = [ - { name = "pycuda" }, + { name = "pycuda", marker = "(python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tensorrt", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tensorrt-cu12", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tensorrt-lean", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, @@ -664,24 +4055,24 @@ requires-dist = [ { name = "mediapipe", marker = "extra == 'mediapipe'", specifier = ">=0.9,<0.11" }, { name = "num2words", specifier = "~=0.5.14" }, { name = "numpy" }, - { name = "numpy", marker = "extra == 'onnx-jp6-cu126'", specifier = "<2.0.0" }, - { name = "numpy", marker = "extra == 'torch-jp6-cu126'", specifier = "<2.0.0" }, + { name = "numpy", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'onnx-jp6-cu126'", specifier = "<2.0.0" }, + { name = "numpy", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'torch-jp6-cu126'", specifier = "<2.0.0" }, { name = "onnxruntime", marker = "extra == 'onnx-cpu'", specifier = ">=1.15.1,<1.23.0" }, + { name = "onnxruntime-gpu", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'onnx-jp6-cu126'", specifier = ">=1.17.0,<1.24.0", index = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple", conflict = { package = "inference-exp", extra = "onnx-jp6-cu126" } }, { name = "onnxruntime-gpu", marker = "platform_system != 'darwin' and extra == 'onnx-cu118'", specifier = ">=1.15.1,<1.23.0", index = "https://aiinfra.pkgs.visualstudio.com/PublicPackages/_packaging/onnxruntime-cuda-11/pypi/simple/", conflict = { package = "inference-exp", extra = "onnx-cu118" } }, { name = "onnxruntime-gpu", marker = "platform_system != 'darwin' and extra == 'onnx-cu12'", specifier = ">=1.17.0,<1.23.0" }, - { name = "onnxruntime-gpu", marker = "platform_system != 'darwin' and extra == 'onnx-jp6-cu126'", specifier = ">=1.17.0,<1.24.0", index = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple", conflict = { package = "inference-exp", extra = "onnx-jp6-cu126" } }, { name = "opencv-python", specifier = ">=4.8.1.78" }, { name = "packaging", specifier = ">=24.0.0" }, { name = "peft", specifier = ">=0.11.1,<0.18.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'onnx-jp6-cu126'", specifier = ">=2025.0.0,<2026.0.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'torch-jp6-cu126'", specifier = ">=2025.0.0,<2026.0.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_system != 'darwin' and extra == 'torch-cu118'", specifier = ">=2025.0.0,<2026.0.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_system != 'darwin' and extra == 'torch-cu124'", specifier = ">=2025.0.0,<2026.0.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_system != 'darwin' and extra == 'torch-cu126'", specifier = ">=2025.0.0,<2026.0.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_system != 'darwin' and extra == 'torch-cu128'", specifier = ">=2025.0.0,<2026.0.0" }, + { name = "pycuda", marker = "python_full_version >= '3.10' and platform_system != 'darwin' and extra == 'trt10'", specifier = ">=2025.0.0,<2026.0.0" }, { name = "pycuda", marker = "platform_system != 'darwin' and extra == 'onnx-cu118'", specifier = ">=2025.0.0,<2026.0.0" }, { name = "pycuda", marker = "platform_system != 'darwin' and extra == 'onnx-cu12'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "platform_system != 'darwin' and extra == 'onnx-jp6-cu126'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "extra == 'torch-cu118'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "extra == 'torch-cu124'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "extra == 'torch-cu126'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "extra == 'torch-cu128'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "extra == 'torch-jp6-cu126'", specifier = ">=2025.0.0,<2026.0.0" }, - { name = "pycuda", marker = "extra == 'trt10'", specifier = ">=2025.0.0,<2026.0.0" }, { name = "pydantic", specifier = ">=2.0.0,<3.0.0" }, { name = "pytest", marker = "extra == 'test'", specifier = ">=8.0.0" }, { name = "pytest-timeout", marker = "extra == 'test'" }, @@ -695,7 +4086,7 @@ requires-dist = [ { name = "rf-groundingdino", marker = "extra == 'grounding-dino'", specifier = "==0.2.0" }, { name = "rich", specifier = ">=13.0.0,<15.0.0" }, { name = "rich", specifier = ">=14.1.0,<15.0.0" }, - { name = "scikit-image", specifier = "~=0.25.0" }, + { name = "scikit-image", specifier = ">=0.24.0,<0.26.0" }, { name = "segmentation-models-pytorch", specifier = ">=0.5.0,<1.0.0" }, { name = "supervision", specifier = ">=0.26.0" }, { name = "tensorrt", marker = "(sys_platform == 'linux' and extra == 'trt10') or (sys_platform == 'win32' and extra == 'trt10')", specifier = ">=10.0.0,<11.0.0" }, @@ -704,19 +4095,19 @@ requires-dist = [ { name = "tensorrt-lean-cu12", marker = "(sys_platform == 'linux' and extra == 'trt10') or (sys_platform == 'win32' and extra == 'trt10')", specifier = ">=10.0.0,<11.0.0" }, { name = "timm", specifier = ">=1.0.0,<2.0.0" }, { name = "torch", specifier = ">=2.0.0,<3.0.0" }, + { name = "torch", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'torch-jp6-cu126'", specifier = ">=2.0.0,<3.0.0", index = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple", conflict = { package = "inference-exp", extra = "torch-jp6-cu126" } }, { name = "torch", marker = "extra == 'torch-cpu'", specifier = ">=2.0.0,<3.0.0", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "inference-exp", extra = "torch-cpu" } }, { name = "torch", marker = "extra == 'torch-cu118'", specifier = ">=2.0.0,<3.0.0", index = "https://download.pytorch.org/whl/cu118", conflict = { package = "inference-exp", extra = "torch-cu118" } }, { name = "torch", marker = "extra == 'torch-cu124'", specifier = ">=2.0.0,<3.0.0", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "inference-exp", extra = "torch-cu124" } }, { name = "torch", marker = "extra == 'torch-cu126'", specifier = ">=2.0.0,<3.0.0" }, { name = "torch", marker = "extra == 'torch-cu128'", specifier = ">=2.0.0,<3.0.0", index = "https://download.pytorch.org/whl/cu128", conflict = { package = "inference-exp", extra = "torch-cu128" } }, - { name = "torch", marker = "extra == 'torch-jp6-cu126'", specifier = ">=2.0.0,<3.0.0", index = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple", conflict = { package = "inference-exp", extra = "torch-jp6-cu126" } }, { name = "torchvision" }, + { name = "torchvision", marker = "python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'torch-jp6-cu126'", index = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple", conflict = { package = "inference-exp", extra = "torch-jp6-cu126" } }, { name = "torchvision", marker = "extra == 'torch-cpu'", index = "https://download.pytorch.org/whl/cpu", conflict = { package = "inference-exp", extra = "torch-cpu" } }, { name = "torchvision", marker = "extra == 'torch-cu118'", index = "https://download.pytorch.org/whl/cu118", conflict = { package = "inference-exp", extra = "torch-cu118" } }, { name = "torchvision", marker = "extra == 'torch-cu124'", index = "https://download.pytorch.org/whl/cu124", conflict = { package = "inference-exp", extra = "torch-cu124" } }, { name = "torchvision", marker = "extra == 'torch-cu126'" }, { name = "torchvision", marker = "extra == 'torch-cu128'", index = "https://download.pytorch.org/whl/cu128", conflict = { package = "inference-exp", extra = "torch-cu128" } }, - { name = "torchvision", marker = "extra == 'torch-jp6-cu126'", index = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple", conflict = { package = "inference-exp", extra = "torch-jp6-cu126" } }, { name = "transformers", specifier = ">=4.56.0,<5.0.0" }, ] provides-extras = ["torch-cpu", "torch-cu118", "torch-cu124", "torch-cu126", "torch-cu128", "torch-jp6-cu126", "onnx-cpu", "onnx-cu118", "onnx-cu12", "onnx-jp6-cu126", "mediapipe", "grounding-dino", "trt10", "test"] @@ -725,35 +4116,1525 @@ provides-extras = ["torch-cpu", "torch-cu118", "torch-cu124", "torch-cu126", "to name = "iniconfig" version = "2.1.0" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] sdist = { url = "https://files.pythonhosted.org/packages/f2/97/ebf4da567aa6827c909642694d71c9fcf53e5b504f2d96afea02718862f3/iniconfig-2.1.0.tar.gz", hash = "sha256:3abbd2e30b36733fee78f9c7f7308f2d0050e88f0087fd25c2645f63c773e1c7", size = 4793, upload-time = "2025-03-19T20:09:59.721Z" } wheels = [ { url = "https://files.pythonhosted.org/packages/2c/e1/e6716421ea10d38022b952c159d5161ca1193197fb744506875fbb87ea7b/iniconfig-2.1.0-py3-none-any.whl", hash = "sha256:9deba5723312380e77435581c6bf4935c94cbfab9b1ed33ef8d238ea168eb760", size = 6050, upload-time = "2025-03-19T20:10:01.071Z" }, ] +[[package]] +name = "iniconfig" +version = "2.3.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +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 = "jax" +version = "0.4.30" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "importlib-metadata", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jaxlib", version = "0.4.30", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "ml-dtypes", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "opt-einsum", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/15/41/d6dbafc31d6bd93eeec2e1c709adfa454266e83714ebeeed9de52a6ad881/jax-0.4.30.tar.gz", hash = "sha256:94d74b5b2db0d80672b61d83f1f63ebf99d2ab7398ec12b2ca0c9d1e97afe577", size = 1715462, upload-time = "2024-06-18T14:47:17.125Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/fd/f2/9dbb75de3058acfd1600cf0839bcce7ea391148c9d2b4fa5f5666e66f09e/jax-0.4.30-py3-none-any.whl", hash = "sha256:289b30ae03b52f7f4baf6ef082a9f4e3e29c1080e22d13512c5ecf02d5f1a55b", size = 2009197, upload-time = "2024-06-18T14:47:10.026Z" }, +] + [[package]] name = "jax" version = "0.6.2" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "jaxlib" }, - { name = "ml-dtypes" }, - { name = "numpy" }, - { name = "opt-einsum" }, - { name = "scipy" }, + { name = "jaxlib", version = "0.6.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "ml-dtypes", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "opt-einsum", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] sdist = { url = "https://files.pythonhosted.org/packages/cf/1e/267f59c8fb7f143c3f778c76cb7ef1389db3fd7e4540f04b9f42ca90764d/jax-0.6.2.tar.gz", hash = "sha256:a437d29038cbc8300334119692744704ca7941490867b9665406b7f90665cd96", size = 2334091, upload-time = "2025-06-17T23:10:27.186Z" } wheels = [ { url = "https://files.pythonhosted.org/packages/31/a8/97ef0cbb7a17143ace2643d600a7b80d6705b2266fc31078229e406bdef2/jax-0.6.2-py3-none-any.whl", hash = "sha256:bb24a82dc60ccf704dcaf6dbd07d04957f68a6c686db19630dd75260d1fb788c", size = 2722396, upload-time = "2025-06-17T23:10:25.293Z" }, ] +[[package]] +name = "jax" +version = "0.7.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "jaxlib", version = "0.7.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "ml-dtypes", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "opt-einsum", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.16.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/bc/e8/b393ee314d3b042bd66b986d38e52f4e6046590399d916381265c20467d3/jax-0.7.1.tar.gz", hash = "sha256:118f56338c503361d2791f069d24339d8d44a8db442ed851d2e591222fb7a56d", size = 2428411, upload-time = "2025-08-20T15:55:46.098Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/83/81/793d78c91b0546b3b1f08e55fdd97437174171cd7d70e46098f1a4d94b7b/jax-0.7.1-py3-none-any.whl", hash = "sha256:056e576e0e58465506125699f48111ac8891cce4c9ebf034704c42b219dfd4a6", size = 2827341, upload-time = "2025-08-20T15:55:44.576Z" }, +] + +[[package]] +name = "jaxlib" +version = "0.4.30" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "ml-dtypes", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/f3/18/ff7f2f6d6195853ed55c5b5d835f5c8c3c8b190c7221cb04a0cb81f5db10/jaxlib-0.4.30-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:c40856e28f300938c6824ab1a615166193d6997dec946578823f6d402ad454e5", size = 83542097, upload-time = "2024-06-18T14:47:34.758Z" }, + { url = "https://files.pythonhosted.org/packages/d4/c0/ff65503ecfed3aee11e4abe4c4e9e8a3513f072e0b595f8247b9989d1510/jaxlib-0.4.30-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4bdfda6a3c7a2b0cc0a7131009eb279e98ca4a6f25679fabb5302dd135a5e349", size = 66694495, upload-time = "2024-06-18T14:47:55.156Z" }, + { url = "https://files.pythonhosted.org/packages/b9/d7/82df748a31a1cfbd531a12979ea846d6b676d4adfa1e91114b848665b2aa/jaxlib-0.4.30-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:28e032c9b394ab7624d89b0d9d3bbcf4d1d71694fe8b3e09d3fe64122eda7b0c", size = 67781242, upload-time = "2024-06-18T14:48:08.546Z" }, + { url = "https://files.pythonhosted.org/packages/4a/ca/561aabed63007bb2621a62f0d816aa2f68cfe947859c8b4e61519940344b/jaxlib-0.4.30-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:d83f36ef42a403bbf7c7f2da526b34ba286988e170f4df5e58b3bb735417868c", size = 79640266, upload-time = "2024-06-18T14:48:26.78Z" }, + { url = "https://files.pythonhosted.org/packages/b0/90/8e5347eda95d3cb695cd5ebb82f850fa7866078a6a7a0568549e34125a82/jaxlib-0.4.30-cp310-cp310-win_amd64.whl", hash = "sha256:a56678b28f96b524ded6da8ef4b38e72a532356d139cfd434da804abf4234e14", size = 51945307, upload-time = "2024-06-18T14:48:46.909Z" }, + { url = "https://files.pythonhosted.org/packages/33/2d/b6078f5d173d3087d32b1b49e5f65d406985fb3894ff1d21905972b9c89d/jaxlib-0.4.30-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:bfb5d85b69c29c3c6e8051a0ea715ac1e532d6e54494c8d9c3813dcc00deac30", size = 83539315, upload-time = "2024-06-18T14:49:01.814Z" }, + { url = "https://files.pythonhosted.org/packages/12/95/399da9204c3b13696baefb93468402f3389416b0caecfd9126aa94742bf2/jaxlib-0.4.30-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:974998cd8a78550402e6c09935c1f8d850cad9cc19ccd7488bde45b6f7f99c12", size = 66690971, upload-time = "2024-06-18T14:49:20.825Z" }, + { url = "https://files.pythonhosted.org/packages/a4/f8/b85a46cb0cc4bc228cea4366b0d15caf42656c6d43cf8c91d90f7399aa4d/jaxlib-0.4.30-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:e93eb0646b41ba213252b51b0b69096b9cd1d81a35ea85c9d06663b5d11efe45", size = 67780747, upload-time = "2024-06-18T14:49:35.024Z" }, + { url = "https://files.pythonhosted.org/packages/a6/a3/951da3d1487b2f8995a2a14cc7e9496c9a7c93aa1f1d0b33e833e24dee92/jaxlib-0.4.30-cp311-cp311-manylinux2014_x86_64.whl", hash = "sha256:16b2ab18ea90d2e15941bcf45de37afc2f289a029129c88c8d7aba0404dd0043", size = 79640352, upload-time = "2024-06-18T14:49:47.36Z" }, + { url = "https://files.pythonhosted.org/packages/bb/1a/8f45ea28a5ca67e4d23ebd70fc78ea94be6fa20323f983c7607c32c6f9a5/jaxlib-0.4.30-cp311-cp311-win_amd64.whl", hash = "sha256:3a2e2c11c179f8851a72249ba1ae40ae817dfaee9877d23b3b8f7c6b7a012f76", size = 51943960, upload-time = "2024-06-18T14:50:02.285Z" }, + { url = "https://files.pythonhosted.org/packages/19/40/ae943d3c1fc8b50947aebbaa3bad2842759e43bc9fc91e1758c1c20a81ab/jaxlib-0.4.30-cp312-cp312-macosx_10_14_x86_64.whl", hash = "sha256:7704db5962b32a2be3cc07185433cbbcc94ed90ee50c84021a3f8a1ecfd66ee3", size = 83587124, upload-time = "2024-06-18T14:50:13.699Z" }, + { url = "https://files.pythonhosted.org/packages/c6/e3/97f8edff6f64245a500415be021869522b235e8b38cd930d358b91243583/jaxlib-0.4.30-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:57090d33477fd0f0c99dc686274882ea75c44c7d712ae42dd2460b10f896131d", size = 66724768, upload-time = "2024-06-18T14:50:28.951Z" }, + { url = "https://files.pythonhosted.org/packages/4c/c7/ee1f48f8daa409d0ed039e0d8b5ae1a447e53db3acb2ff06239828ad96d5/jaxlib-0.4.30-cp312-cp312-manylinux2014_aarch64.whl", hash = "sha256:0a3850e76278038e21685975a62b622bcf3708485f13125757a0561ee4512940", size = 67800348, upload-time = "2024-06-18T14:50:39.89Z" }, + { url = "https://files.pythonhosted.org/packages/f2/fa/a2dddea0d6965b8e433bb99aeedbe5c8a9b47110c1c4f197a7b6239daf44/jaxlib-0.4.30-cp312-cp312-manylinux2014_x86_64.whl", hash = "sha256:c58a8071c4e00898282118169f6a5a97eb15a79c2897858f3a732b17891c99ab", size = 79674030, upload-time = "2024-06-18T14:51:05.293Z" }, + { url = "https://files.pythonhosted.org/packages/db/31/3500633d61b20b882a0fbcf8100013195c31b51f71249b0b38737851fc9a/jaxlib-0.4.30-cp312-cp312-win_amd64.whl", hash = "sha256:b7079a5b1ab6864a7d4f2afaa963841451186d22c90f39719a3ff85735ce3915", size = 51965689, upload-time = "2024-06-18T14:51:19.206Z" }, + { url = "https://files.pythonhosted.org/packages/46/12/9de601dbae3c66666eeaaf5a28683d947909c046880baef390b7cd1d4b1d/jaxlib-0.4.30-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:ea3a00005faafbe3c18b178d3b534208b3b4027b2be6230227e7b87ce399fc29", size = 83544602, upload-time = "2024-06-18T14:51:32.669Z" }, + { url = "https://files.pythonhosted.org/packages/f3/1d/2d417a1445d5e696bb44d564c7519d4a6761db4d3e31712620c510ed0127/jaxlib-0.4.30-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3d31e01191ce8052bd611aaf16ff967d8d0ec0b63f1ea4b199020cecb248d667", size = 66695975, upload-time = "2024-06-18T14:51:48.912Z" }, + { url = "https://files.pythonhosted.org/packages/e4/f9/e29370046f4648bd464df7eceaebbbaefd091cc88c77da4a6e3a5f1a00d7/jaxlib-0.4.30-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:11602d5556e8baa2f16314c36518e9be4dfae0c2c256a361403fb29dc9dc79a4", size = 67784388, upload-time = "2024-06-18T14:52:03.082Z" }, + { url = "https://files.pythonhosted.org/packages/07/3b/a596036325666624ca084df554636fb3777e78e9386b52476d96fa14394e/jaxlib-0.4.30-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:f74a6b0e09df4b5e2ee399ebb9f0e01190e26e84ccb0a758fadb516415c07f18", size = 79643370, upload-time = "2024-06-18T14:52:16.711Z" }, + { url = "https://files.pythonhosted.org/packages/8a/a3/7342ceb02e49803af9a42ab3ad9b6c272cf7b2a83163e3a06859360012d5/jaxlib-0.4.30-cp39-cp39-win_amd64.whl", hash = "sha256:54987e97a22db70f3829b437b9329e4799d653634bacc8b398554d3b90c76b2a", size = 51946140, upload-time = "2024-06-18T14:52:31.677Z" }, +] + [[package]] name = "jaxlib" version = "0.6.2" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "ml-dtypes" }, - { name = "numpy" }, - { name = "scipy" }, + { name = "ml-dtypes", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/15/c5/41598634c99cbebba46e6777286fb76abc449d33d50aeae5d36128ca8803/jaxlib-0.6.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:da4601b2b5dc8c23d6afb293eacfb9aec4e1d1871cb2f29c5a151d103e73b0f8", size = 54298019, upload-time = "2025-06-17T23:10:36.916Z" }, @@ -770,6 +5651,426 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/de/3a/06849113c844b86d20174df54735c84202ccf82cbd36d805f478c834418b/jaxlib-0.6.2-cp312-cp312-win_amd64.whl", hash = "sha256:921dbd4db214eba19a29ba9f2450d880e08b2b2c7b968f28cc89da3e62366af4", size = 57919603, upload-time = "2025-06-17T23:11:23.207Z" }, ] +[[package]] +name = "jaxlib" +version = "0.7.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "ml-dtypes", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.16.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/8b/af/5058d545e95f99a54289648f5430cc3c23263dd70a1391e7491f24ed328d/jaxlib-0.7.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:3f32c3e4c167b7327c342e82d3df84079714ea0b43718be871d039999670b3c9", size = 57686934, upload-time = "2025-08-20T15:55:58.989Z" }, + { url = "https://files.pythonhosted.org/packages/e8/77/ef7f6cd03e699da7d9755f88741c29b3015654473fc9d5f906da19edcb47/jaxlib-0.7.1-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:9fb189c3b39470c4394ffcb18b71e47cffc5bf85e8fcb1e33692686b0c3e04dd", size = 85134885, upload-time = "2025-08-20T15:56:03.484Z" }, + { url = "https://files.pythonhosted.org/packages/4d/72/304018d46703f337787f010735f70d17212f86778fcba8bb5cf678f8e460/jaxlib-0.7.1-cp311-cp311-manylinux_2_27_x86_64.whl", hash = "sha256:eaf5f68f53bf4dcb93b6512538547667625588e4f3ccaeef048788fd18d8c0d5", size = 81147868, upload-time = "2025-08-20T15:56:07.214Z" }, + { url = "https://files.pythonhosted.org/packages/f7/b7/0f0df407518691099d659ba6e19db01320dfb58e49d80594eaddd57d77c1/jaxlib-0.7.1-cp311-cp311-win_amd64.whl", hash = "sha256:ab4510fbaeafac6c794ab335f23e71200d824c48f6a0ab20553db8deab8805c5", size = 61185342, upload-time = "2025-08-20T15:56:10.452Z" }, + { url = "https://files.pythonhosted.org/packages/ef/1f/10543d7a3f7e76dd4bbdc77134890ac2f41bc8570c565961464f6320009b/jaxlib-0.7.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:127c07c727703e5d59f84f655169bec849f4422e52f8546349cecc30a8a13e1d", size = 57682851, upload-time = "2025-08-20T15:56:13.395Z" }, + { url = "https://files.pythonhosted.org/packages/de/4d/76ee71959311fe3da9951aa6f55af8f98eb3572bb322f5a7c89faf7ab933/jaxlib-0.7.1-cp312-cp312-manylinux2014_aarch64.whl", hash = "sha256:f0f1f52956b8c2518ab000a4d3d8c21be777e1d47f926ba03640e391061a41ee", size = 85133707, upload-time = "2025-08-20T15:56:16.908Z" }, + { url = "https://files.pythonhosted.org/packages/0d/50/e37d02e250f5feb755112ec95b1c012a36d48a99209277267037d100f630/jaxlib-0.7.1-cp312-cp312-manylinux_2_27_x86_64.whl", hash = "sha256:74abd3135797f82440dd3711a35cba16c430d1bba65474b85bb70e41733a52e9", size = 81156916, upload-time = "2025-08-20T15:56:20.41Z" }, + { url = "https://files.pythonhosted.org/packages/5a/97/c6c28dfe57cccffd85512615416024b52dd327d78270204caba9311e71f1/jaxlib-0.7.1-cp312-cp312-win_amd64.whl", hash = "sha256:c4023863b14f280516f24ecb7539b4300a3236ea81ed69ad82595beceed1ba1f", size = 61212445, upload-time = "2025-08-20T15:56:23.929Z" }, +] + [[package]] name = "jinja2" version = "3.1.6" @@ -784,61 +6085,747 @@ wheels = [ [[package]] name = "kiwisolver" -version = "1.4.8" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/82/59/7c91426a8ac292e1cdd53a63b6d9439abd573c875c3f92c146767dd33faf/kiwisolver-1.4.8.tar.gz", hash = "sha256:23d5f023bdc8c7e54eb65f03ca5d5bb25b601eac4d7f1a042888a1f45237987e", size = 97538, upload-time = "2024-12-24T18:30:51.519Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/47/5f/4d8e9e852d98ecd26cdf8eaf7ed8bc33174033bba5e07001b289f07308fd/kiwisolver-1.4.8-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:88c6f252f6816a73b1f8c904f7bbe02fd67c09a69f7cb8a0eecdbf5ce78e63db", size = 124623, upload-time = "2024-12-24T18:28:17.687Z" }, - { url = "https://files.pythonhosted.org/packages/1d/70/7f5af2a18a76fe92ea14675f8bd88ce53ee79e37900fa5f1a1d8e0b42998/kiwisolver-1.4.8-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c72941acb7b67138f35b879bbe85be0f6c6a70cab78fe3ef6db9c024d9223e5b", size = 66720, upload-time = "2024-12-24T18:28:19.158Z" }, - { url = "https://files.pythonhosted.org/packages/c6/13/e15f804a142353aefd089fadc8f1d985561a15358c97aca27b0979cb0785/kiwisolver-1.4.8-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ce2cf1e5688edcb727fdf7cd1bbd0b6416758996826a8be1d958f91880d0809d", size = 65413, upload-time = "2024-12-24T18:28:20.064Z" }, - { url = "https://files.pythonhosted.org/packages/ce/6d/67d36c4d2054e83fb875c6b59d0809d5c530de8148846b1370475eeeece9/kiwisolver-1.4.8-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:c8bf637892dc6e6aad2bc6d4d69d08764166e5e3f69d469e55427b6ac001b19d", size = 1650826, upload-time = "2024-12-24T18:28:21.203Z" }, - { url = "https://files.pythonhosted.org/packages/de/c6/7b9bb8044e150d4d1558423a1568e4f227193662a02231064e3824f37e0a/kiwisolver-1.4.8-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:034d2c891f76bd3edbdb3ea11140d8510dca675443da7304205a2eaa45d8334c", size = 1628231, upload-time = "2024-12-24T18:28:23.851Z" }, - { url = "https://files.pythonhosted.org/packages/b6/38/ad10d437563063eaaedbe2c3540a71101fc7fb07a7e71f855e93ea4de605/kiwisolver-1.4.8-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d47b28d1dfe0793d5e96bce90835e17edf9a499b53969b03c6c47ea5985844c3", size = 1408938, upload-time = "2024-12-24T18:28:26.687Z" }, - { url = "https://files.pythonhosted.org/packages/52/ce/c0106b3bd7f9e665c5f5bc1e07cc95b5dabd4e08e3dad42dbe2faad467e7/kiwisolver-1.4.8-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:eb158fe28ca0c29f2260cca8c43005329ad58452c36f0edf298204de32a9a3ed", size = 1422799, upload-time = "2024-12-24T18:28:30.538Z" }, - { url = "https://files.pythonhosted.org/packages/d0/87/efb704b1d75dc9758087ba374c0f23d3254505edaedd09cf9d247f7878b9/kiwisolver-1.4.8-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5536185fce131780ebd809f8e623bf4030ce1b161353166c49a3c74c287897f", size = 1354362, upload-time = "2024-12-24T18:28:32.943Z" }, - { url = "https://files.pythonhosted.org/packages/eb/b3/fd760dc214ec9a8f208b99e42e8f0130ff4b384eca8b29dd0efc62052176/kiwisolver-1.4.8-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:369b75d40abedc1da2c1f4de13f3482cb99e3237b38726710f4a793432b1c5ff", size = 2222695, upload-time = "2024-12-24T18:28:35.641Z" }, - { url = "https://files.pythonhosted.org/packages/a2/09/a27fb36cca3fc01700687cc45dae7a6a5f8eeb5f657b9f710f788748e10d/kiwisolver-1.4.8-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:641f2ddf9358c80faa22e22eb4c9f54bd3f0e442e038728f500e3b978d00aa7d", size = 2370802, upload-time = "2024-12-24T18:28:38.357Z" }, - { url = "https://files.pythonhosted.org/packages/3d/c3/ba0a0346db35fe4dc1f2f2cf8b99362fbb922d7562e5f911f7ce7a7b60fa/kiwisolver-1.4.8-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:d561d2d8883e0819445cfe58d7ddd673e4015c3c57261d7bdcd3710d0d14005c", size = 2334646, upload-time = "2024-12-24T18:28:40.941Z" }, - { url = "https://files.pythonhosted.org/packages/41/52/942cf69e562f5ed253ac67d5c92a693745f0bed3c81f49fc0cbebe4d6b00/kiwisolver-1.4.8-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:1732e065704b47c9afca7ffa272f845300a4eb959276bf6970dc07265e73b605", size = 2467260, upload-time = "2024-12-24T18:28:42.273Z" }, - { url = "https://files.pythonhosted.org/packages/32/26/2d9668f30d8a494b0411d4d7d4ea1345ba12deb6a75274d58dd6ea01e951/kiwisolver-1.4.8-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:bcb1ebc3547619c3b58a39e2448af089ea2ef44b37988caf432447374941574e", size = 2288633, upload-time = "2024-12-24T18:28:44.87Z" }, - { url = "https://files.pythonhosted.org/packages/98/99/0dd05071654aa44fe5d5e350729961e7bb535372935a45ac89a8924316e6/kiwisolver-1.4.8-cp310-cp310-win_amd64.whl", hash = "sha256:89c107041f7b27844179ea9c85d6da275aa55ecf28413e87624d033cf1f6b751", size = 71885, upload-time = "2024-12-24T18:28:47.346Z" }, - { url = "https://files.pythonhosted.org/packages/6c/fc/822e532262a97442989335394d441cd1d0448c2e46d26d3e04efca84df22/kiwisolver-1.4.8-cp310-cp310-win_arm64.whl", hash = "sha256:b5773efa2be9eb9fcf5415ea3ab70fc785d598729fd6057bea38d539ead28271", size = 65175, upload-time = "2024-12-24T18:28:49.651Z" }, - { url = "https://files.pythonhosted.org/packages/da/ed/c913ee28936c371418cb167b128066ffb20bbf37771eecc2c97edf8a6e4c/kiwisolver-1.4.8-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a4d3601908c560bdf880f07d94f31d734afd1bb71e96585cace0e38ef44c6d84", size = 124635, upload-time = "2024-12-24T18:28:51.826Z" }, - { url = "https://files.pythonhosted.org/packages/4c/45/4a7f896f7467aaf5f56ef093d1f329346f3b594e77c6a3c327b2d415f521/kiwisolver-1.4.8-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:856b269c4d28a5c0d5e6c1955ec36ebfd1651ac00e1ce0afa3e28da95293b561", size = 66717, upload-time = "2024-12-24T18:28:54.256Z" }, - { url = "https://files.pythonhosted.org/packages/5f/b4/c12b3ac0852a3a68f94598d4c8d569f55361beef6159dce4e7b624160da2/kiwisolver-1.4.8-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:c2b9a96e0f326205af81a15718a9073328df1173a2619a68553decb7097fd5d7", size = 65413, upload-time = "2024-12-24T18:28:55.184Z" }, - { url = "https://files.pythonhosted.org/packages/a9/98/1df4089b1ed23d83d410adfdc5947245c753bddfbe06541c4aae330e9e70/kiwisolver-1.4.8-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c5020c83e8553f770cb3b5fc13faac40f17e0b205bd237aebd21d53d733adb03", size = 1343994, upload-time = "2024-12-24T18:28:57.493Z" }, - { url = "https://files.pythonhosted.org/packages/8d/bf/b4b169b050c8421a7c53ea1ea74e4ef9c335ee9013216c558a047f162d20/kiwisolver-1.4.8-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dace81d28c787956bfbfbbfd72fdcef014f37d9b48830829e488fdb32b49d954", size = 1434804, upload-time = "2024-12-24T18:29:00.077Z" }, - { url = "https://files.pythonhosted.org/packages/66/5a/e13bd341fbcf73325ea60fdc8af752addf75c5079867af2e04cc41f34434/kiwisolver-1.4.8-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:11e1022b524bd48ae56c9b4f9296bce77e15a2e42a502cceba602f804b32bb79", size = 1450690, upload-time = "2024-12-24T18:29:01.401Z" }, - { url = "https://files.pythonhosted.org/packages/9b/4f/5955dcb376ba4a830384cc6fab7d7547bd6759fe75a09564910e9e3bb8ea/kiwisolver-1.4.8-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3b9b4d2892fefc886f30301cdd80debd8bb01ecdf165a449eb6e78f79f0fabd6", size = 1376839, upload-time = "2024-12-24T18:29:02.685Z" }, - { url = "https://files.pythonhosted.org/packages/3a/97/5edbed69a9d0caa2e4aa616ae7df8127e10f6586940aa683a496c2c280b9/kiwisolver-1.4.8-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3a96c0e790ee875d65e340ab383700e2b4891677b7fcd30a699146f9384a2bb0", size = 1435109, upload-time = "2024-12-24T18:29:04.113Z" }, - { url = "https://files.pythonhosted.org/packages/13/fc/e756382cb64e556af6c1809a1bbb22c141bbc2445049f2da06b420fe52bf/kiwisolver-1.4.8-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:23454ff084b07ac54ca8be535f4174170c1094a4cff78fbae4f73a4bcc0d4dab", size = 2245269, upload-time = "2024-12-24T18:29:05.488Z" }, - { url = "https://files.pythonhosted.org/packages/76/15/e59e45829d7f41c776d138245cabae6515cb4eb44b418f6d4109c478b481/kiwisolver-1.4.8-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:87b287251ad6488e95b4f0b4a79a6d04d3ea35fde6340eb38fbd1ca9cd35bbbc", size = 2393468, upload-time = "2024-12-24T18:29:06.79Z" }, - { url = "https://files.pythonhosted.org/packages/e9/39/483558c2a913ab8384d6e4b66a932406f87c95a6080112433da5ed668559/kiwisolver-1.4.8-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:b21dbe165081142b1232a240fc6383fd32cdd877ca6cc89eab93e5f5883e1c25", size = 2355394, upload-time = "2024-12-24T18:29:08.24Z" }, - { url = "https://files.pythonhosted.org/packages/01/aa/efad1fbca6570a161d29224f14b082960c7e08268a133fe5dc0f6906820e/kiwisolver-1.4.8-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:768cade2c2df13db52475bd28d3a3fac8c9eff04b0e9e2fda0f3760f20b3f7fc", size = 2490901, upload-time = "2024-12-24T18:29:09.653Z" }, - { url = "https://files.pythonhosted.org/packages/c9/4f/15988966ba46bcd5ab9d0c8296914436720dd67fca689ae1a75b4ec1c72f/kiwisolver-1.4.8-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:d47cfb2650f0e103d4bf68b0b5804c68da97272c84bb12850d877a95c056bd67", size = 2312306, upload-time = "2024-12-24T18:29:12.644Z" }, - { url = "https://files.pythonhosted.org/packages/2d/27/bdf1c769c83f74d98cbc34483a972f221440703054894a37d174fba8aa68/kiwisolver-1.4.8-cp311-cp311-win_amd64.whl", hash = "sha256:ed33ca2002a779a2e20eeb06aea7721b6e47f2d4b8a8ece979d8ba9e2a167e34", size = 71966, upload-time = "2024-12-24T18:29:14.089Z" }, - { url = "https://files.pythonhosted.org/packages/4a/c9/9642ea855604aeb2968a8e145fc662edf61db7632ad2e4fb92424be6b6c0/kiwisolver-1.4.8-cp311-cp311-win_arm64.whl", hash = "sha256:16523b40aab60426ffdebe33ac374457cf62863e330a90a0383639ce14bf44b2", size = 65311, upload-time = "2024-12-24T18:29:15.892Z" }, - { url = "https://files.pythonhosted.org/packages/fc/aa/cea685c4ab647f349c3bc92d2daf7ae34c8e8cf405a6dcd3a497f58a2ac3/kiwisolver-1.4.8-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:d6af5e8815fd02997cb6ad9bbed0ee1e60014438ee1a5c2444c96f87b8843502", size = 124152, upload-time = "2024-12-24T18:29:16.85Z" }, - { url = "https://files.pythonhosted.org/packages/c5/0b/8db6d2e2452d60d5ebc4ce4b204feeb16176a851fd42462f66ade6808084/kiwisolver-1.4.8-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:bade438f86e21d91e0cf5dd7c0ed00cda0f77c8c1616bd83f9fc157fa6760d31", size = 66555, upload-time = "2024-12-24T18:29:19.146Z" }, - { url = "https://files.pythonhosted.org/packages/60/26/d6a0db6785dd35d3ba5bf2b2df0aedc5af089962c6eb2cbf67a15b81369e/kiwisolver-1.4.8-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:b83dc6769ddbc57613280118fb4ce3cd08899cc3369f7d0e0fab518a7cf37fdb", size = 65067, upload-time = "2024-12-24T18:29:20.096Z" }, - { url = "https://files.pythonhosted.org/packages/c9/ed/1d97f7e3561e09757a196231edccc1bcf59d55ddccefa2afc9c615abd8e0/kiwisolver-1.4.8-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:111793b232842991be367ed828076b03d96202c19221b5ebab421ce8bcad016f", size = 1378443, upload-time = "2024-12-24T18:29:22.843Z" }, - { url = "https://files.pythonhosted.org/packages/29/61/39d30b99954e6b46f760e6289c12fede2ab96a254c443639052d1b573fbc/kiwisolver-1.4.8-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:257af1622860e51b1a9d0ce387bf5c2c4f36a90594cb9514f55b074bcc787cfc", size = 1472728, upload-time = "2024-12-24T18:29:24.463Z" }, - { url = "https://files.pythonhosted.org/packages/0c/3e/804163b932f7603ef256e4a715e5843a9600802bb23a68b4e08c8c0ff61d/kiwisolver-1.4.8-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:69b5637c3f316cab1ec1c9a12b8c5f4750a4c4b71af9157645bf32830e39c03a", size = 1478388, upload-time = "2024-12-24T18:29:25.776Z" }, - { url = "https://files.pythonhosted.org/packages/8a/9e/60eaa75169a154700be74f875a4d9961b11ba048bef315fbe89cb6999056/kiwisolver-1.4.8-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:782bb86f245ec18009890e7cb8d13a5ef54dcf2ebe18ed65f795e635a96a1c6a", size = 1413849, upload-time = "2024-12-24T18:29:27.202Z" }, - { url = "https://files.pythonhosted.org/packages/bc/b3/9458adb9472e61a998c8c4d95cfdfec91c73c53a375b30b1428310f923e4/kiwisolver-1.4.8-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cc978a80a0db3a66d25767b03688f1147a69e6237175c0f4ffffaaedf744055a", size = 1475533, upload-time = "2024-12-24T18:29:28.638Z" }, - { url = "https://files.pythonhosted.org/packages/e4/7a/0a42d9571e35798de80aef4bb43a9b672aa7f8e58643d7bd1950398ffb0a/kiwisolver-1.4.8-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:36dbbfd34838500a31f52c9786990d00150860e46cd5041386f217101350f0d3", size = 2268898, upload-time = "2024-12-24T18:29:30.368Z" }, - { url = "https://files.pythonhosted.org/packages/d9/07/1255dc8d80271400126ed8db35a1795b1a2c098ac3a72645075d06fe5c5d/kiwisolver-1.4.8-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:eaa973f1e05131de5ff3569bbba7f5fd07ea0595d3870ed4a526d486fe57fa1b", size = 2425605, upload-time = "2024-12-24T18:29:33.151Z" }, - { url = "https://files.pythonhosted.org/packages/84/df/5a3b4cf13780ef6f6942df67b138b03b7e79e9f1f08f57c49957d5867f6e/kiwisolver-1.4.8-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:a66f60f8d0c87ab7f59b6fb80e642ebb29fec354a4dfad687ca4092ae69d04f4", size = 2375801, upload-time = "2024-12-24T18:29:34.584Z" }, - { url = "https://files.pythonhosted.org/packages/8f/10/2348d068e8b0f635c8c86892788dac7a6b5c0cb12356620ab575775aad89/kiwisolver-1.4.8-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:858416b7fb777a53f0c59ca08190ce24e9abbd3cffa18886a5781b8e3e26f65d", size = 2520077, upload-time = "2024-12-24T18:29:36.138Z" }, - { url = "https://files.pythonhosted.org/packages/32/d8/014b89fee5d4dce157d814303b0fce4d31385a2af4c41fed194b173b81ac/kiwisolver-1.4.8-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:085940635c62697391baafaaeabdf3dd7a6c3643577dde337f4d66eba021b2b8", size = 2338410, upload-time = "2024-12-24T18:29:39.991Z" }, - { url = "https://files.pythonhosted.org/packages/bd/72/dfff0cc97f2a0776e1c9eb5bef1ddfd45f46246c6533b0191887a427bca5/kiwisolver-1.4.8-cp312-cp312-win_amd64.whl", hash = "sha256:01c3d31902c7db5fb6182832713d3b4122ad9317c2c5877d0539227d96bb2e50", size = 71853, upload-time = "2024-12-24T18:29:42.006Z" }, - { url = "https://files.pythonhosted.org/packages/dc/85/220d13d914485c0948a00f0b9eb419efaf6da81b7d72e88ce2391f7aed8d/kiwisolver-1.4.8-cp312-cp312-win_arm64.whl", hash = "sha256:a3c44cb68861de93f0c4a8175fbaa691f0aa22550c331fefef02b618a9dcb476", size = 65424, upload-time = "2024-12-24T18:29:44.38Z" }, - { url = "https://files.pythonhosted.org/packages/1f/f9/ae81c47a43e33b93b0a9819cac6723257f5da2a5a60daf46aa5c7226ea85/kiwisolver-1.4.8-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:e7a019419b7b510f0f7c9dceff8c5eae2392037eae483a7f9162625233802b0a", size = 60403, upload-time = "2024-12-24T18:30:41.372Z" }, - { url = "https://files.pythonhosted.org/packages/58/ca/f92b5cb6f4ce0c1ebfcfe3e2e42b96917e16f7090e45b21102941924f18f/kiwisolver-1.4.8-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:286b18e86682fd2217a48fc6be6b0f20c1d0ed10958d8dc53453ad58d7be0bf8", size = 58657, upload-time = "2024-12-24T18:30:42.392Z" }, - { url = "https://files.pythonhosted.org/packages/80/28/ae0240f732f0484d3a4dc885d055653c47144bdf59b670aae0ec3c65a7c8/kiwisolver-1.4.8-pp310-pypy310_pp73-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4191ee8dfd0be1c3666ccbac178c5a05d5f8d689bbe3fc92f3c4abec817f8fe0", size = 84948, upload-time = "2024-12-24T18:30:44.703Z" }, - { url = "https://files.pythonhosted.org/packages/5d/eb/78d50346c51db22c7203c1611f9b513075f35c4e0e4877c5dde378d66043/kiwisolver-1.4.8-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7cd2785b9391f2873ad46088ed7599a6a71e762e1ea33e87514b1a441ed1da1c", size = 81186, upload-time = "2024-12-24T18:30:45.654Z" }, - { url = "https://files.pythonhosted.org/packages/43/f8/7259f18c77adca88d5f64f9a522792e178b2691f3748817a8750c2d216ef/kiwisolver-1.4.8-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c07b29089b7ba090b6f1a669f1411f27221c3662b3a1b7010e67b59bb5a6f10b", size = 80279, upload-time = "2024-12-24T18:30:47.951Z" }, - { url = "https://files.pythonhosted.org/packages/3a/1d/50ad811d1c5dae091e4cf046beba925bcae0a610e79ae4c538f996f63ed5/kiwisolver-1.4.8-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:65ea09a5a3faadd59c2ce96dc7bf0f364986a315949dc6374f04396b0d60e09b", size = 71762, upload-time = "2024-12-24T18:30:48.903Z" }, +version = "1.4.7" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +sdist = { url = "https://files.pythonhosted.org/packages/85/4d/2255e1c76304cbd60b48cee302b66d1dde4468dc5b1160e4b7cb43778f2a/kiwisolver-1.4.7.tar.gz", hash = "sha256:9893ff81bd7107f7b685d3017cc6583daadb4fc26e4a888350df530e41980a60", size = 97286, upload-time = "2024-09-04T09:39:44.302Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/97/14/fc943dd65268a96347472b4fbe5dcc2f6f55034516f80576cd0dd3a8930f/kiwisolver-1.4.7-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:8a9c83f75223d5e48b0bc9cb1bf2776cf01563e00ade8775ffe13b0b6e1af3a6", size = 122440, upload-time = "2024-09-04T09:03:44.9Z" }, + { url = "https://files.pythonhosted.org/packages/1e/46/e68fed66236b69dd02fcdb506218c05ac0e39745d696d22709498896875d/kiwisolver-1.4.7-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:58370b1ffbd35407444d57057b57da5d6549d2d854fa30249771775c63b5fe17", size = 65758, upload-time = "2024-09-04T09:03:46.582Z" }, + { url = "https://files.pythonhosted.org/packages/ef/fa/65de49c85838681fc9cb05de2a68067a683717321e01ddafb5b8024286f0/kiwisolver-1.4.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:aa0abdf853e09aff551db11fce173e2177d00786c688203f52c87ad7fcd91ef9", size = 64311, upload-time = "2024-09-04T09:03:47.973Z" }, + { url = "https://files.pythonhosted.org/packages/42/9c/cc8d90f6ef550f65443bad5872ffa68f3dee36de4974768628bea7c14979/kiwisolver-1.4.7-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:8d53103597a252fb3ab8b5845af04c7a26d5e7ea8122303dd7a021176a87e8b9", size = 1637109, upload-time = "2024-09-04T09:03:49.281Z" }, + { url = "https://files.pythonhosted.org/packages/55/91/0a57ce324caf2ff5403edab71c508dd8f648094b18cfbb4c8cc0fde4a6ac/kiwisolver-1.4.7-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:88f17c5ffa8e9462fb79f62746428dd57b46eb931698e42e990ad63103f35e6c", size = 1617814, upload-time = "2024-09-04T09:03:51.444Z" }, + { url = "https://files.pythonhosted.org/packages/12/5d/c36140313f2510e20207708adf36ae4919416d697ee0236b0ddfb6fd1050/kiwisolver-1.4.7-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88a9ca9c710d598fd75ee5de59d5bda2684d9db36a9f50b6125eaea3969c2599", size = 1400881, upload-time = "2024-09-04T09:03:53.357Z" }, + { url = "https://files.pythonhosted.org/packages/56/d0/786e524f9ed648324a466ca8df86298780ef2b29c25313d9a4f16992d3cf/kiwisolver-1.4.7-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f4d742cb7af1c28303a51b7a27aaee540e71bb8e24f68c736f6f2ffc82f2bf05", size = 1512972, upload-time = "2024-09-04T09:03:55.082Z" }, + { url = "https://files.pythonhosted.org/packages/67/5a/77851f2f201e6141d63c10a0708e996a1363efaf9e1609ad0441b343763b/kiwisolver-1.4.7-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e28c7fea2196bf4c2f8d46a0415c77a1c480cc0724722f23d7410ffe9842c407", size = 1444787, upload-time = "2024-09-04T09:03:56.588Z" }, + { url = "https://files.pythonhosted.org/packages/06/5f/1f5eaab84355885e224a6fc8d73089e8713dc7e91c121f00b9a1c58a2195/kiwisolver-1.4.7-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:e968b84db54f9d42046cf154e02911e39c0435c9801681e3fc9ce8a3c4130278", size = 2199212, upload-time = "2024-09-04T09:03:58.557Z" }, + { url = "https://files.pythonhosted.org/packages/b5/28/9152a3bfe976a0ae21d445415defc9d1cd8614b2910b7614b30b27a47270/kiwisolver-1.4.7-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:0c18ec74c0472de033e1bebb2911c3c310eef5649133dd0bedf2a169a1b269e5", size = 2346399, upload-time = "2024-09-04T09:04:00.178Z" }, + { url = "https://files.pythonhosted.org/packages/26/f6/453d1904c52ac3b400f4d5e240ac5fec25263716723e44be65f4d7149d13/kiwisolver-1.4.7-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:8f0ea6da6d393d8b2e187e6a5e3fb81f5862010a40c3945e2c6d12ae45cfb2ad", size = 2308688, upload-time = "2024-09-04T09:04:02.216Z" }, + { url = "https://files.pythonhosted.org/packages/5a/9a/d4968499441b9ae187e81745e3277a8b4d7c60840a52dc9d535a7909fac3/kiwisolver-1.4.7-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:f106407dda69ae456dd1227966bf445b157ccc80ba0dff3802bb63f30b74e895", size = 2445493, upload-time = "2024-09-04T09:04:04.571Z" }, + { url = "https://files.pythonhosted.org/packages/07/c9/032267192e7828520dacb64dfdb1d74f292765f179e467c1cba97687f17d/kiwisolver-1.4.7-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:84ec80df401cfee1457063732d90022f93951944b5b58975d34ab56bb150dfb3", size = 2262191, upload-time = "2024-09-04T09:04:05.969Z" }, + { url = "https://files.pythonhosted.org/packages/6c/ad/db0aedb638a58b2951da46ddaeecf204be8b4f5454df020d850c7fa8dca8/kiwisolver-1.4.7-cp310-cp310-win32.whl", hash = "sha256:71bb308552200fb2c195e35ef05de12f0c878c07fc91c270eb3d6e41698c3bcc", size = 46644, upload-time = "2024-09-04T09:04:07.408Z" }, + { url = "https://files.pythonhosted.org/packages/12/ca/d0f7b7ffbb0be1e7c2258b53554efec1fd652921f10d7d85045aff93ab61/kiwisolver-1.4.7-cp310-cp310-win_amd64.whl", hash = "sha256:44756f9fd339de0fb6ee4f8c1696cfd19b2422e0d70b4cefc1cc7f1f64045a8c", size = 55877, upload-time = "2024-09-04T09:04:08.869Z" }, + { url = "https://files.pythonhosted.org/packages/97/6c/cfcc128672f47a3e3c0d918ecb67830600078b025bfc32d858f2e2d5c6a4/kiwisolver-1.4.7-cp310-cp310-win_arm64.whl", hash = "sha256:78a42513018c41c2ffd262eb676442315cbfe3c44eed82385c2ed043bc63210a", size = 48347, upload-time = "2024-09-04T09:04:10.106Z" }, + { url = "https://files.pythonhosted.org/packages/e9/44/77429fa0a58f941d6e1c58da9efe08597d2e86bf2b2cce6626834f49d07b/kiwisolver-1.4.7-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:d2b0e12a42fb4e72d509fc994713d099cbb15ebf1103545e8a45f14da2dfca54", size = 122442, upload-time = "2024-09-04T09:04:11.432Z" }, + { url = "https://files.pythonhosted.org/packages/e5/20/8c75caed8f2462d63c7fd65e16c832b8f76cda331ac9e615e914ee80bac9/kiwisolver-1.4.7-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2a8781ac3edc42ea4b90bc23e7d37b665d89423818e26eb6df90698aa2287c95", size = 65762, upload-time = "2024-09-04T09:04:12.468Z" }, + { url = "https://files.pythonhosted.org/packages/f4/98/fe010f15dc7230f45bc4cf367b012d651367fd203caaa992fd1f5963560e/kiwisolver-1.4.7-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:46707a10836894b559e04b0fd143e343945c97fd170d69a2d26d640b4e297935", size = 64319, upload-time = "2024-09-04T09:04:13.635Z" }, + { url = "https://files.pythonhosted.org/packages/8b/1b/b5d618f4e58c0675654c1e5051bcf42c776703edb21c02b8c74135541f60/kiwisolver-1.4.7-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ef97b8df011141c9b0f6caf23b29379f87dd13183c978a30a3c546d2c47314cb", size = 1334260, upload-time = "2024-09-04T09:04:14.878Z" }, + { url = "https://files.pythonhosted.org/packages/b8/01/946852b13057a162a8c32c4c8d2e9ed79f0bb5d86569a40c0b5fb103e373/kiwisolver-1.4.7-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3ab58c12a2cd0fc769089e6d38466c46d7f76aced0a1f54c77652446733d2d02", size = 1426589, upload-time = "2024-09-04T09:04:16.514Z" }, + { url = "https://files.pythonhosted.org/packages/70/d1/c9f96df26b459e15cf8a965304e6e6f4eb291e0f7a9460b4ad97b047561e/kiwisolver-1.4.7-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:803b8e1459341c1bb56d1c5c010406d5edec8a0713a0945851290a7930679b51", size = 1541080, upload-time = "2024-09-04T09:04:18.322Z" }, + { url = "https://files.pythonhosted.org/packages/d3/73/2686990eb8b02d05f3de759d6a23a4ee7d491e659007dd4c075fede4b5d0/kiwisolver-1.4.7-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f9a9e8a507420fe35992ee9ecb302dab68550dedc0da9e2880dd88071c5fb052", size = 1470049, upload-time = "2024-09-04T09:04:20.266Z" }, + { url = "https://files.pythonhosted.org/packages/a7/4b/2db7af3ed3af7c35f388d5f53c28e155cd402a55432d800c543dc6deb731/kiwisolver-1.4.7-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:18077b53dc3bb490e330669a99920c5e6a496889ae8c63b58fbc57c3d7f33a18", size = 1426376, upload-time = "2024-09-04T09:04:22.419Z" }, + { url = "https://files.pythonhosted.org/packages/05/83/2857317d04ea46dc5d115f0df7e676997bbd968ced8e2bd6f7f19cfc8d7f/kiwisolver-1.4.7-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:6af936f79086a89b3680a280c47ea90b4df7047b5bdf3aa5c524bbedddb9e545", size = 2222231, upload-time = "2024-09-04T09:04:24.526Z" }, + { url = "https://files.pythonhosted.org/packages/0d/b5/866f86f5897cd4ab6d25d22e403404766a123f138bd6a02ecb2cdde52c18/kiwisolver-1.4.7-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:3abc5b19d24af4b77d1598a585b8a719beb8569a71568b66f4ebe1fb0449460b", size = 2368634, upload-time = "2024-09-04T09:04:25.899Z" }, + { url = "https://files.pythonhosted.org/packages/c1/ee/73de8385403faba55f782a41260210528fe3273d0cddcf6d51648202d6d0/kiwisolver-1.4.7-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:933d4de052939d90afbe6e9d5273ae05fb836cc86c15b686edd4b3560cc0ee36", size = 2329024, upload-time = "2024-09-04T09:04:28.523Z" }, + { url = "https://files.pythonhosted.org/packages/a1/e7/cd101d8cd2cdfaa42dc06c433df17c8303d31129c9fdd16c0ea37672af91/kiwisolver-1.4.7-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:65e720d2ab2b53f1f72fb5da5fb477455905ce2c88aaa671ff0a447c2c80e8e3", size = 2468484, upload-time = "2024-09-04T09:04:30.547Z" }, + { url = "https://files.pythonhosted.org/packages/e1/72/84f09d45a10bc57a40bb58b81b99d8f22b58b2040c912b7eb97ebf625bf2/kiwisolver-1.4.7-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:3bf1ed55088f214ba6427484c59553123fdd9b218a42bbc8c6496d6754b1e523", size = 2284078, upload-time = "2024-09-04T09:04:33.218Z" }, + { url = "https://files.pythonhosted.org/packages/d2/d4/71828f32b956612dc36efd7be1788980cb1e66bfb3706e6dec9acad9b4f9/kiwisolver-1.4.7-cp311-cp311-win32.whl", hash = "sha256:4c00336b9dd5ad96d0a558fd18a8b6f711b7449acce4c157e7343ba92dd0cf3d", size = 46645, upload-time = "2024-09-04T09:04:34.371Z" }, + { url = "https://files.pythonhosted.org/packages/a1/65/d43e9a20aabcf2e798ad1aff6c143ae3a42cf506754bcb6a7ed8259c8425/kiwisolver-1.4.7-cp311-cp311-win_amd64.whl", hash = "sha256:929e294c1ac1e9f615c62a4e4313ca1823ba37326c164ec720a803287c4c499b", size = 56022, upload-time = "2024-09-04T09:04:35.786Z" }, + { url = "https://files.pythonhosted.org/packages/35/b3/9f75a2e06f1b4ca00b2b192bc2b739334127d27f1d0625627ff8479302ba/kiwisolver-1.4.7-cp311-cp311-win_arm64.whl", hash = "sha256:e33e8fbd440c917106b237ef1a2f1449dfbb9b6f6e1ce17c94cd6a1e0d438376", size = 48536, upload-time = "2024-09-04T09:04:37.525Z" }, + { url = "https://files.pythonhosted.org/packages/97/9c/0a11c714cf8b6ef91001c8212c4ef207f772dd84540104952c45c1f0a249/kiwisolver-1.4.7-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:5360cc32706dab3931f738d3079652d20982511f7c0ac5711483e6eab08efff2", size = 121808, upload-time = "2024-09-04T09:04:38.637Z" }, + { url = "https://files.pythonhosted.org/packages/f2/d8/0fe8c5f5d35878ddd135f44f2af0e4e1d379e1c7b0716f97cdcb88d4fd27/kiwisolver-1.4.7-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:942216596dc64ddb25adb215c3c783215b23626f8d84e8eff8d6d45c3f29f75a", size = 65531, upload-time = "2024-09-04T09:04:39.694Z" }, + { url = "https://files.pythonhosted.org/packages/80/c5/57fa58276dfdfa612241d640a64ca2f76adc6ffcebdbd135b4ef60095098/kiwisolver-1.4.7-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:48b571ecd8bae15702e4f22d3ff6a0f13e54d3d00cd25216d5e7f658242065ee", size = 63894, upload-time = "2024-09-04T09:04:41.6Z" }, + { url = "https://files.pythonhosted.org/packages/8b/e9/26d3edd4c4ad1c5b891d8747a4f81b1b0aba9fb9721de6600a4adc09773b/kiwisolver-1.4.7-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ad42ba922c67c5f219097b28fae965e10045ddf145d2928bfac2eb2e17673640", size = 1369296, upload-time = "2024-09-04T09:04:42.886Z" }, + { url = "https://files.pythonhosted.org/packages/b6/67/3f4850b5e6cffb75ec40577ddf54f7b82b15269cc5097ff2e968ee32ea7d/kiwisolver-1.4.7-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:612a10bdae23404a72941a0fc8fa2660c6ea1217c4ce0dbcab8a8f6543ea9e7f", size = 1461450, upload-time = "2024-09-04T09:04:46.284Z" }, + { url = "https://files.pythonhosted.org/packages/52/be/86cbb9c9a315e98a8dc6b1d23c43cffd91d97d49318854f9c37b0e41cd68/kiwisolver-1.4.7-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9e838bba3a3bac0fe06d849d29772eb1afb9745a59710762e4ba3f4cb8424483", size = 1579168, upload-time = "2024-09-04T09:04:47.91Z" }, + { url = "https://files.pythonhosted.org/packages/0f/00/65061acf64bd5fd34c1f4ae53f20b43b0a017a541f242a60b135b9d1e301/kiwisolver-1.4.7-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:22f499f6157236c19f4bbbd472fa55b063db77a16cd74d49afe28992dff8c258", size = 1507308, upload-time = "2024-09-04T09:04:49.465Z" }, + { url = "https://files.pythonhosted.org/packages/21/e4/c0b6746fd2eb62fe702118b3ca0cb384ce95e1261cfada58ff693aeec08a/kiwisolver-1.4.7-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:693902d433cf585133699972b6d7c42a8b9f8f826ebcaf0132ff55200afc599e", size = 1464186, upload-time = "2024-09-04T09:04:50.949Z" }, + { url = "https://files.pythonhosted.org/packages/0a/0f/529d0a9fffb4d514f2782c829b0b4b371f7f441d61aa55f1de1c614c4ef3/kiwisolver-1.4.7-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:4e77f2126c3e0b0d055f44513ed349038ac180371ed9b52fe96a32aa071a5107", size = 2247877, upload-time = "2024-09-04T09:04:52.388Z" }, + { url = "https://files.pythonhosted.org/packages/d1/e1/66603ad779258843036d45adcbe1af0d1a889a07af4635f8b4ec7dccda35/kiwisolver-1.4.7-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:657a05857bda581c3656bfc3b20e353c232e9193eb167766ad2dc58b56504948", size = 2404204, upload-time = "2024-09-04T09:04:54.385Z" }, + { url = "https://files.pythonhosted.org/packages/8d/61/de5fb1ca7ad1f9ab7970e340a5b833d735df24689047de6ae71ab9d8d0e7/kiwisolver-1.4.7-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:4bfa75a048c056a411f9705856abfc872558e33c055d80af6a380e3658766038", size = 2352461, upload-time = "2024-09-04T09:04:56.307Z" }, + { url = "https://files.pythonhosted.org/packages/ba/d2/0edc00a852e369827f7e05fd008275f550353f1f9bcd55db9363d779fc63/kiwisolver-1.4.7-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:34ea1de54beef1c104422d210c47c7d2a4999bdecf42c7b5718fbe59a4cac383", size = 2501358, upload-time = "2024-09-04T09:04:57.922Z" }, + { url = "https://files.pythonhosted.org/packages/84/15/adc15a483506aec6986c01fb7f237c3aec4d9ed4ac10b756e98a76835933/kiwisolver-1.4.7-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:90da3b5f694b85231cf93586dad5e90e2d71b9428f9aad96952c99055582f520", size = 2314119, upload-time = "2024-09-04T09:04:59.332Z" }, + { url = "https://files.pythonhosted.org/packages/36/08/3a5bb2c53c89660863a5aa1ee236912269f2af8762af04a2e11df851d7b2/kiwisolver-1.4.7-cp312-cp312-win32.whl", hash = "sha256:18e0cca3e008e17fe9b164b55735a325140a5a35faad8de92dd80265cd5eb80b", size = 46367, upload-time = "2024-09-04T09:05:00.804Z" }, + { url = "https://files.pythonhosted.org/packages/19/93/c05f0a6d825c643779fc3c70876bff1ac221f0e31e6f701f0e9578690d70/kiwisolver-1.4.7-cp312-cp312-win_amd64.whl", hash = "sha256:58cb20602b18f86f83a5c87d3ee1c766a79c0d452f8def86d925e6c60fbf7bfb", size = 55884, upload-time = "2024-09-04T09:05:01.924Z" }, + { url = "https://files.pythonhosted.org/packages/d2/f9/3828d8f21b6de4279f0667fb50a9f5215e6fe57d5ec0d61905914f5b6099/kiwisolver-1.4.7-cp312-cp312-win_arm64.whl", hash = "sha256:f5a8b53bdc0b3961f8b6125e198617c40aeed638b387913bf1ce78afb1b0be2a", size = 48528, upload-time = "2024-09-04T09:05:02.983Z" }, + { url = "https://files.pythonhosted.org/packages/11/88/37ea0ea64512997b13d69772db8dcdc3bfca5442cda3a5e4bb943652ee3e/kiwisolver-1.4.7-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:3f9362ecfca44c863569d3d3c033dbe8ba452ff8eed6f6b5806382741a1334bd", size = 122449, upload-time = "2024-09-04T09:05:55.311Z" }, + { url = "https://files.pythonhosted.org/packages/4e/45/5a5c46078362cb3882dcacad687c503089263c017ca1241e0483857791eb/kiwisolver-1.4.7-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:e8df2eb9b2bac43ef8b082e06f750350fbbaf2887534a5be97f6cf07b19d9583", size = 65757, upload-time = "2024-09-04T09:05:56.906Z" }, + { url = "https://files.pythonhosted.org/packages/8a/be/a6ae58978772f685d48dd2e84460937761c53c4bbd84e42b0336473d9775/kiwisolver-1.4.7-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f32d6edbc638cde7652bd690c3e728b25332acbadd7cad670cc4a02558d9c417", size = 64312, upload-time = "2024-09-04T09:05:58.384Z" }, + { url = "https://files.pythonhosted.org/packages/f4/04/18ef6f452d311e1e1eb180c9bf5589187fa1f042db877e6fe443ef10099c/kiwisolver-1.4.7-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:e2e6c39bd7b9372b0be21456caab138e8e69cc0fc1190a9dfa92bd45a1e6e904", size = 1626966, upload-time = "2024-09-04T09:05:59.855Z" }, + { url = "https://files.pythonhosted.org/packages/21/b1/40655f6c3fa11ce740e8a964fa8e4c0479c87d6a7944b95af799c7a55dfe/kiwisolver-1.4.7-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:dda56c24d869b1193fcc763f1284b9126550eaf84b88bbc7256e15028f19188a", size = 1607044, upload-time = "2024-09-04T09:06:02.16Z" }, + { url = "https://files.pythonhosted.org/packages/fd/93/af67dbcfb9b3323bbd2c2db1385a7139d8f77630e4a37bb945b57188eb2d/kiwisolver-1.4.7-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:79849239c39b5e1fd906556c474d9b0439ea6792b637511f3fe3a41158d89ca8", size = 1391879, upload-time = "2024-09-04T09:06:03.908Z" }, + { url = "https://files.pythonhosted.org/packages/40/6f/d60770ef98e77b365d96061d090c0cd9e23418121c55fff188fa4bdf0b54/kiwisolver-1.4.7-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5e3bc157fed2a4c02ec468de4ecd12a6e22818d4f09cde2c31ee3226ffbefab2", size = 1504751, upload-time = "2024-09-04T09:06:05.58Z" }, + { url = "https://files.pythonhosted.org/packages/fa/3a/5f38667d313e983c432f3fcd86932177519ed8790c724e07d77d1de0188a/kiwisolver-1.4.7-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3da53da805b71e41053dc670f9a820d1157aae77b6b944e08024d17bcd51ef88", size = 1436990, upload-time = "2024-09-04T09:06:08.126Z" }, + { url = "https://files.pythonhosted.org/packages/cb/3b/1520301a47326e6a6043b502647e42892be33b3f051e9791cc8bb43f1a32/kiwisolver-1.4.7-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:8705f17dfeb43139a692298cb6637ee2e59c0194538153e83e9ee0c75c2eddde", size = 2191122, upload-time = "2024-09-04T09:06:10.345Z" }, + { url = "https://files.pythonhosted.org/packages/cf/c4/eb52da300c166239a2233f1f9c4a1b767dfab98fae27681bfb7ea4873cb6/kiwisolver-1.4.7-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:82a5c2f4b87c26bb1a0ef3d16b5c4753434633b83d365cc0ddf2770c93829e3c", size = 2338126, upload-time = "2024-09-04T09:06:12.321Z" }, + { url = "https://files.pythonhosted.org/packages/1a/cb/42b92fd5eadd708dd9107c089e817945500685f3437ce1fd387efebc6d6e/kiwisolver-1.4.7-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:ce8be0466f4c0d585cdb6c1e2ed07232221df101a4c6f28821d2aa754ca2d9e2", size = 2298313, upload-time = "2024-09-04T09:06:14.562Z" }, + { url = "https://files.pythonhosted.org/packages/4f/eb/be25aa791fe5fc75a8b1e0c965e00f942496bc04635c9aae8035f6b76dcd/kiwisolver-1.4.7-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:409afdfe1e2e90e6ee7fc896f3df9a7fec8e793e58bfa0d052c8a82f99c37abb", size = 2437784, upload-time = "2024-09-04T09:06:16.767Z" }, + { url = "https://files.pythonhosted.org/packages/c5/22/30a66be7f3368d76ff95689e1c2e28d382383952964ab15330a15d8bfd03/kiwisolver-1.4.7-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:5b9c3f4ee0b9a439d2415012bd1b1cc2df59e4d6a9939f4d669241d30b414327", size = 2253988, upload-time = "2024-09-04T09:06:18.705Z" }, + { url = "https://files.pythonhosted.org/packages/35/d3/5f2ecb94b5211c8a04f218a76133cc8d6d153b0f9cd0b45fad79907f0689/kiwisolver-1.4.7-cp39-cp39-win32.whl", hash = "sha256:a79ae34384df2b615eefca647a2873842ac3b596418032bef9a7283675962644", size = 46980, upload-time = "2024-09-04T09:06:20.106Z" }, + { url = "https://files.pythonhosted.org/packages/ef/17/cd10d020578764ea91740204edc6b3236ed8106228a46f568d716b11feb2/kiwisolver-1.4.7-cp39-cp39-win_amd64.whl", hash = "sha256:cf0438b42121a66a3a667de17e779330fc0f20b0d97d59d2f2121e182b0505e4", size = 55847, upload-time = "2024-09-04T09:06:21.407Z" }, + { url = "https://files.pythonhosted.org/packages/91/84/32232502020bd78d1d12be7afde15811c64a95ed1f606c10456db4e4c3ac/kiwisolver-1.4.7-cp39-cp39-win_arm64.whl", hash = "sha256:764202cc7e70f767dab49e8df52c7455e8de0df5d858fa801a11aa0d882ccf3f", size = 48494, upload-time = "2024-09-04T09:06:22.648Z" }, + { url = "https://files.pythonhosted.org/packages/ac/59/741b79775d67ab67ced9bb38552da688c0305c16e7ee24bba7a2be253fb7/kiwisolver-1.4.7-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:94252291e3fe68001b1dd747b4c0b3be12582839b95ad4d1b641924d68fd4643", size = 59491, upload-time = "2024-09-04T09:06:24.188Z" }, + { url = "https://files.pythonhosted.org/packages/58/cc/fb239294c29a5656e99e3527f7369b174dd9cc7c3ef2dea7cb3c54a8737b/kiwisolver-1.4.7-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:5b7dfa3b546da08a9f622bb6becdb14b3e24aaa30adba66749d38f3cc7ea9706", size = 57648, upload-time = "2024-09-04T09:06:25.559Z" }, + { url = "https://files.pythonhosted.org/packages/3b/ef/2f009ac1f7aab9f81efb2d837301d255279d618d27b6015780115ac64bdd/kiwisolver-1.4.7-pp310-pypy310_pp73-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bd3de6481f4ed8b734da5df134cd5a6a64fe32124fe83dde1e5b5f29fe30b1e6", size = 84257, upload-time = "2024-09-04T09:06:27.038Z" }, + { url = "https://files.pythonhosted.org/packages/81/e1/c64f50987f85b68b1c52b464bb5bf73e71570c0f7782d626d1eb283ad620/kiwisolver-1.4.7-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a91b5f9f1205845d488c928e8570dcb62b893372f63b8b6e98b863ebd2368ff2", size = 80906, upload-time = "2024-09-04T09:06:28.48Z" }, + { url = "https://files.pythonhosted.org/packages/fd/71/1687c5c0a0be2cee39a5c9c389e546f9c6e215e46b691d00d9f646892083/kiwisolver-1.4.7-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40fa14dbd66b8b8f470d5fc79c089a66185619d31645f9b0773b88b19f7223c4", size = 79951, upload-time = "2024-09-04T09:06:29.966Z" }, + { url = "https://files.pythonhosted.org/packages/ea/8b/d7497df4a1cae9367adf21665dd1f896c2a7aeb8769ad77b662c5e2bcce7/kiwisolver-1.4.7-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:eb542fe7933aa09d8d8f9d9097ef37532a7df6497819d16efe4359890a2f417a", size = 55715, upload-time = "2024-09-04T09:06:31.489Z" }, + { url = "https://files.pythonhosted.org/packages/d5/df/ce37d9b26f07ab90880923c94d12a6ff4d27447096b4c849bfc4339ccfdf/kiwisolver-1.4.7-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:8b01aac285f91ca889c800042c35ad3b239e704b150cfd3382adfc9dcc780e39", size = 58666, upload-time = "2024-09-04T09:06:43.756Z" }, + { url = "https://files.pythonhosted.org/packages/b0/d3/e4b04f43bc629ac8e186b77b2b1a251cdfa5b7610fa189dc0db622672ce6/kiwisolver-1.4.7-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:48be928f59a1f5c8207154f935334d374e79f2b5d212826307d072595ad76a2e", size = 57088, upload-time = "2024-09-04T09:06:45.406Z" }, + { url = "https://files.pythonhosted.org/packages/30/1c/752df58e2d339e670a535514d2db4fe8c842ce459776b8080fbe08ebb98e/kiwisolver-1.4.7-pp39-pypy39_pp73-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f37cfe618a117e50d8c240555331160d73d0411422b59b5ee217843d7b693608", size = 84321, upload-time = "2024-09-04T09:06:47.557Z" }, + { url = "https://files.pythonhosted.org/packages/f0/f8/fe6484e847bc6e238ec9f9828089fb2c0bb53f2f5f3a79351fde5b565e4f/kiwisolver-1.4.7-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:599b5c873c63a1f6ed7eead644a8a380cfbdf5db91dcb6f85707aaab213b1674", size = 80776, upload-time = "2024-09-04T09:06:49.235Z" }, + { url = "https://files.pythonhosted.org/packages/9b/57/d7163c0379f250ef763aba85330a19feefb5ce6cb541ade853aaba881524/kiwisolver-1.4.7-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:801fa7802e5cfabe3ab0c81a34c323a319b097dfb5004be950482d882f3d7225", size = 79984, upload-time = "2024-09-04T09:06:51.336Z" }, + { url = "https://files.pythonhosted.org/packages/8c/95/4a103776c265d13b3d2cd24fb0494d4e04ea435a8ef97e1b2c026d43250b/kiwisolver-1.4.7-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:0c6c43471bc764fad4bc99c5c2d6d16a676b1abf844ca7c8702bdae92df01ee0", size = 55811, upload-time = "2024-09-04T09:06:53.078Z" }, +] + +[[package]] +name = "kiwisolver" +version = "1.4.9" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +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/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]] @@ -867,7 +6854,7 @@ name = "mako" version = "1.3.10" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "markupsafe" }, + { name = "markupsafe", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-onnx-cu118' or extra == 'extra-13-inference-exp-onnx-cu12' or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = [ @@ -878,90 +6865,1378 @@ wheels = [ name = "markdown-it-py" version = "3.0.0" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "mdurl" }, + { name = "mdurl", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = "markdown-it-py" +version = "4.0.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "mdurl", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/5b/f5/4ec618ed16cc4f8fb3b701563655a69816155e79e24a17b651541804721d/markdown_it_py-4.0.0.tar.gz", hash = "sha256:cb0a2b4aa34f932c007117b194e945bd74e0ec24133ceb5bac59009cda1cb9f3", size = 73070, upload-time = "2025-08-11T12:57:52.854Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/94/54/e7d793b573f298e1c9013b8c4dade17d481164aa517d1d7148619c2cedbf/markdown_it_py-4.0.0-py3-none-any.whl", hash = "sha256:87327c59b172c5011896038353a81343b6754500a08cd7a4973bb48c6d578147", size = 87321, upload-time = "2025-08-11T12:57:51.923Z" }, +] + [[package]] name = "markupsafe" -version = "3.0.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/b2/97/5d42485e71dfc078108a86d6de8fa46db44a1a9295e89c5d6d4a06e23a62/markupsafe-3.0.2.tar.gz", hash = "sha256:ee55d3edf80167e48ea11a923c7386f4669df67d7994554387f84e7d8b0a2bf0", size = 20537, upload-time = "2024-10-18T15:21:54.129Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/04/90/d08277ce111dd22f77149fd1a5d4653eeb3b3eaacbdfcbae5afb2600eebd/MarkupSafe-3.0.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7e94c425039cde14257288fd61dcfb01963e658efbc0ff54f5306b06054700f8", size = 14357, upload-time = "2024-10-18T15:20:51.44Z" }, - { url = "https://files.pythonhosted.org/packages/04/e1/6e2194baeae0bca1fae6629dc0cbbb968d4d941469cbab11a3872edff374/MarkupSafe-3.0.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9e2d922824181480953426608b81967de705c3cef4d1af983af849d7bd619158", size = 12393, upload-time = "2024-10-18T15:20:52.426Z" }, - { url = "https://files.pythonhosted.org/packages/1d/69/35fa85a8ece0a437493dc61ce0bb6d459dcba482c34197e3efc829aa357f/MarkupSafe-3.0.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:38a9ef736c01fccdd6600705b09dc574584b89bea478200c5fbf112a6b0d5579", size = 21732, upload-time = "2024-10-18T15:20:53.578Z" }, - { url = "https://files.pythonhosted.org/packages/22/35/137da042dfb4720b638d2937c38a9c2df83fe32d20e8c8f3185dbfef05f7/MarkupSafe-3.0.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bbcb445fa71794da8f178f0f6d66789a28d7319071af7a496d4d507ed566270d", size = 20866, upload-time = "2024-10-18T15:20:55.06Z" }, - { url = "https://files.pythonhosted.org/packages/29/28/6d029a903727a1b62edb51863232152fd335d602def598dade38996887f0/MarkupSafe-3.0.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:57cb5a3cf367aeb1d316576250f65edec5bb3be939e9247ae594b4bcbc317dfb", size = 20964, upload-time = "2024-10-18T15:20:55.906Z" }, - { url = "https://files.pythonhosted.org/packages/cc/cd/07438f95f83e8bc028279909d9c9bd39e24149b0d60053a97b2bc4f8aa51/MarkupSafe-3.0.2-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:3809ede931876f5b2ec92eef964286840ed3540dadf803dd570c3b7e13141a3b", size = 21977, upload-time = "2024-10-18T15:20:57.189Z" }, - { url = "https://files.pythonhosted.org/packages/29/01/84b57395b4cc062f9c4c55ce0df7d3108ca32397299d9df00fedd9117d3d/MarkupSafe-3.0.2-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:e07c3764494e3776c602c1e78e298937c3315ccc9043ead7e685b7f2b8d47b3c", size = 21366, upload-time = "2024-10-18T15:20:58.235Z" }, - { url = "https://files.pythonhosted.org/packages/bd/6e/61ebf08d8940553afff20d1fb1ba7294b6f8d279df9fd0c0db911b4bbcfd/MarkupSafe-3.0.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:b424c77b206d63d500bcb69fa55ed8d0e6a3774056bdc4839fc9298a7edca171", size = 21091, upload-time = "2024-10-18T15:20:59.235Z" }, - { url = "https://files.pythonhosted.org/packages/11/23/ffbf53694e8c94ebd1e7e491de185124277964344733c45481f32ede2499/MarkupSafe-3.0.2-cp310-cp310-win32.whl", hash = "sha256:fcabf5ff6eea076f859677f5f0b6b5c1a51e70a376b0579e0eadef8db48c6b50", size = 15065, upload-time = "2024-10-18T15:21:00.307Z" }, - { url = "https://files.pythonhosted.org/packages/44/06/e7175d06dd6e9172d4a69a72592cb3f7a996a9c396eee29082826449bbc3/MarkupSafe-3.0.2-cp310-cp310-win_amd64.whl", hash = "sha256:6af100e168aa82a50e186c82875a5893c5597a0c1ccdb0d8b40240b1f28b969a", size = 15514, upload-time = "2024-10-18T15:21:01.122Z" }, - { url = "https://files.pythonhosted.org/packages/6b/28/bbf83e3f76936960b850435576dd5e67034e200469571be53f69174a2dfd/MarkupSafe-3.0.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9025b4018f3a1314059769c7bf15441064b2207cb3f065e6ea1e7359cb46db9d", size = 14353, upload-time = "2024-10-18T15:21:02.187Z" }, - { url = "https://files.pythonhosted.org/packages/6c/30/316d194b093cde57d448a4c3209f22e3046c5bb2fb0820b118292b334be7/MarkupSafe-3.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:93335ca3812df2f366e80509ae119189886b0f3c2b81325d39efdb84a1e2ae93", size = 12392, upload-time = "2024-10-18T15:21:02.941Z" }, - { url = "https://files.pythonhosted.org/packages/f2/96/9cdafba8445d3a53cae530aaf83c38ec64c4d5427d975c974084af5bc5d2/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cb8438c3cbb25e220c2ab33bb226559e7afb3baec11c4f218ffa7308603c832", size = 23984, upload-time = "2024-10-18T15:21:03.953Z" }, - { url = "https://files.pythonhosted.org/packages/f1/a4/aefb044a2cd8d7334c8a47d3fb2c9f328ac48cb349468cc31c20b539305f/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a123e330ef0853c6e822384873bef7507557d8e4a082961e1defa947aa59ba84", size = 23120, upload-time = "2024-10-18T15:21:06.495Z" }, - { url = "https://files.pythonhosted.org/packages/8d/21/5e4851379f88f3fad1de30361db501300d4f07bcad047d3cb0449fc51f8c/MarkupSafe-3.0.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1e084f686b92e5b83186b07e8a17fc09e38fff551f3602b249881fec658d3eca", size = 23032, upload-time = "2024-10-18T15:21:07.295Z" }, - { url = "https://files.pythonhosted.org/packages/00/7b/e92c64e079b2d0d7ddf69899c98842f3f9a60a1ae72657c89ce2655c999d/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8213e09c917a951de9d09ecee036d5c7d36cb6cb7dbaece4c71a60d79fb9798", size = 24057, upload-time = "2024-10-18T15:21:08.073Z" }, - { url = "https://files.pythonhosted.org/packages/f9/ac/46f960ca323037caa0a10662ef97d0a4728e890334fc156b9f9e52bcc4ca/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:5b02fb34468b6aaa40dfc198d813a641e3a63b98c2b05a16b9f80b7ec314185e", size = 23359, upload-time = "2024-10-18T15:21:09.318Z" }, - { url = "https://files.pythonhosted.org/packages/69/84/83439e16197337b8b14b6a5b9c2105fff81d42c2a7c5b58ac7b62ee2c3b1/MarkupSafe-3.0.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:0bff5e0ae4ef2e1ae4fdf2dfd5b76c75e5c2fa4132d05fc1b0dabcd20c7e28c4", size = 23306, upload-time = "2024-10-18T15:21:10.185Z" }, - { url = "https://files.pythonhosted.org/packages/9a/34/a15aa69f01e2181ed8d2b685c0d2f6655d5cca2c4db0ddea775e631918cd/MarkupSafe-3.0.2-cp311-cp311-win32.whl", hash = "sha256:6c89876f41da747c8d3677a2b540fb32ef5715f97b66eeb0c6b66f5e3ef6f59d", size = 15094, upload-time = "2024-10-18T15:21:11.005Z" }, - { url = "https://files.pythonhosted.org/packages/da/b8/3a3bd761922d416f3dc5d00bfbed11f66b1ab89a0c2b6e887240a30b0f6b/MarkupSafe-3.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:70a87b411535ccad5ef2f1df5136506a10775d267e197e4cf531ced10537bd6b", size = 15521, upload-time = "2024-10-18T15:21:12.911Z" }, - { url = "https://files.pythonhosted.org/packages/22/09/d1f21434c97fc42f09d290cbb6350d44eb12f09cc62c9476effdb33a18aa/MarkupSafe-3.0.2-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:9778bd8ab0a994ebf6f84c2b949e65736d5575320a17ae8984a77fab08db94cf", size = 14274, upload-time = "2024-10-18T15:21:13.777Z" }, - { url = "https://files.pythonhosted.org/packages/6b/b0/18f76bba336fa5aecf79d45dcd6c806c280ec44538b3c13671d49099fdd0/MarkupSafe-3.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:846ade7b71e3536c4e56b386c2a47adf5741d2d8b94ec9dc3e92e5e1ee1e2225", size = 12348, upload-time = "2024-10-18T15:21:14.822Z" }, - { url = "https://files.pythonhosted.org/packages/e0/25/dd5c0f6ac1311e9b40f4af06c78efde0f3b5cbf02502f8ef9501294c425b/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1c99d261bd2d5f6b59325c92c73df481e05e57f19837bdca8413b9eac4bd8028", size = 24149, upload-time = "2024-10-18T15:21:15.642Z" }, - { url = "https://files.pythonhosted.org/packages/f3/f0/89e7aadfb3749d0f52234a0c8c7867877876e0a20b60e2188e9850794c17/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e17c96c14e19278594aa4841ec148115f9c7615a47382ecb6b82bd8fea3ab0c8", size = 23118, upload-time = "2024-10-18T15:21:17.133Z" }, - { url = "https://files.pythonhosted.org/packages/d5/da/f2eeb64c723f5e3777bc081da884b414671982008c47dcc1873d81f625b6/MarkupSafe-3.0.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:88416bd1e65dcea10bc7569faacb2c20ce071dd1f87539ca2ab364bf6231393c", size = 22993, upload-time = "2024-10-18T15:21:18.064Z" }, - { url = "https://files.pythonhosted.org/packages/da/0e/1f32af846df486dce7c227fe0f2398dc7e2e51d4a370508281f3c1c5cddc/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:2181e67807fc2fa785d0592dc2d6206c019b9502410671cc905d132a92866557", size = 24178, upload-time = "2024-10-18T15:21:18.859Z" }, - { url = "https://files.pythonhosted.org/packages/c4/f6/bb3ca0532de8086cbff5f06d137064c8410d10779c4c127e0e47d17c0b71/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:52305740fe773d09cffb16f8ed0427942901f00adedac82ec8b67752f58a1b22", size = 23319, upload-time = "2024-10-18T15:21:19.671Z" }, - { url = "https://files.pythonhosted.org/packages/a2/82/8be4c96ffee03c5b4a034e60a31294daf481e12c7c43ab8e34a1453ee48b/MarkupSafe-3.0.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:ad10d3ded218f1039f11a75f8091880239651b52e9bb592ca27de44eed242a48", size = 23352, upload-time = "2024-10-18T15:21:20.971Z" }, - { url = "https://files.pythonhosted.org/packages/51/ae/97827349d3fcffee7e184bdf7f41cd6b88d9919c80f0263ba7acd1bbcb18/MarkupSafe-3.0.2-cp312-cp312-win32.whl", hash = "sha256:0f4ca02bea9a23221c0182836703cbf8930c5e9454bacce27e767509fa286a30", size = 15097, upload-time = "2024-10-18T15:21:22.646Z" }, - { url = "https://files.pythonhosted.org/packages/c1/80/a61f99dc3a936413c3ee4e1eecac96c0da5ed07ad56fd975f1a9da5bc630/MarkupSafe-3.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:8e06879fc22a25ca47312fbe7c8264eb0b662f6db27cb2d3bbbc74b1df4b9b87", size = 15601, upload-time = "2024-10-18T15:21:23.499Z" }, +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/56/23/0d8c13a44bde9154821586520840643467aee574d8ce79a17da539ee7fed/markupsafe-3.0.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:15d939a21d546304880945ca1ecb8a039db6b4dc49b2c5a400387cdae6a62e26", size = 11623, upload-time = "2025-09-27T18:37:29.296Z" }, + { url = "https://files.pythonhosted.org/packages/fd/23/07a2cb9a8045d5f3f0890a8c3bc0859d7a47bfd9a560b563899bec7b72ed/markupsafe-3.0.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f71a396b3bf33ecaa1626c255855702aca4d3d9fea5e051b41ac59a9c1c41edc", size = 12049, upload-time = "2025-09-27T18:37:30.234Z" }, + { url = "https://files.pythonhosted.org/packages/bc/e4/6be85eb81503f8e11b61c0b6369b6e077dcf0a74adbd9ebf6b349937b4e9/markupsafe-3.0.3-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:0f4b68347f8c5eab4a13419215bdfd7f8c9b19f2b25520968adfad23eb0ce60c", size = 21923, upload-time = "2025-09-27T18:37:31.177Z" }, + { url = "https://files.pythonhosted.org/packages/6f/bc/4dc914ead3fe6ddaef035341fee0fc956949bbd27335b611829292b89ee2/markupsafe-3.0.3-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e8fc20152abba6b83724d7ff268c249fa196d8259ff481f3b1476383f8f24e42", size = 20543, upload-time = "2025-09-27T18:37:32.168Z" }, + { url = "https://files.pythonhosted.org/packages/89/6e/5fe81fbcfba4aef4093d5f856e5c774ec2057946052d18d168219b7bd9f9/markupsafe-3.0.3-cp39-cp39-manylinux_2_31_riscv64.manylinux_2_39_riscv64.whl", hash = "sha256:949b8d66bc381ee8b007cd945914c721d9aba8e27f71959d750a46f7c282b20b", size = 20585, upload-time = "2025-09-27T18:37:33.166Z" }, + { url = "https://files.pythonhosted.org/packages/f6/f6/e0e5a3d3ae9c4020f696cd055f940ef86b64fe88de26f3a0308b9d3d048c/markupsafe-3.0.3-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:3537e01efc9d4dccdf77221fb1cb3b8e1a38d5428920e0657ce299b20324d758", size = 21387, upload-time = "2025-09-27T18:37:34.185Z" }, + { url = "https://files.pythonhosted.org/packages/c8/25/651753ef4dea08ea790f4fbb65146a9a44a014986996ca40102e237aa49a/markupsafe-3.0.3-cp39-cp39-musllinux_1_2_riscv64.whl", hash = "sha256:591ae9f2a647529ca990bc681daebdd52c8791ff06c2bfa05b65163e28102ef2", size = 20133, upload-time = "2025-09-27T18:37:35.138Z" }, + { url = "https://files.pythonhosted.org/packages/dc/0a/c3cf2b4fef5f0426e8a6d7fce3cb966a17817c568ce59d76b92a233fdbec/markupsafe-3.0.3-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:a320721ab5a1aba0a233739394eb907f8c8da5c98c9181d1161e77a0c8e36f2d", size = 20588, upload-time = "2025-09-27T18:37:36.096Z" }, + { url = "https://files.pythonhosted.org/packages/cd/1b/a7782984844bd519ad4ffdbebbba2671ec5d0ebbeac34736c15fb86399e8/markupsafe-3.0.3-cp39-cp39-win32.whl", hash = "sha256:df2449253ef108a379b8b5d6b43f4b1a8e81a061d6537becd5582fba5f9196d7", size = 14566, upload-time = "2025-09-27T18:37:37.09Z" }, + { url = "https://files.pythonhosted.org/packages/18/1f/8d9c20e1c9440e215a44be5ab64359e207fcb4f675543f1cf9a2a7f648d0/markupsafe-3.0.3-cp39-cp39-win_amd64.whl", hash = "sha256:7c3fb7d25180895632e5d3148dbdc29ea38ccb7fd210aa27acbd1201a1902c6e", size = 15053, upload-time = "2025-09-27T18:37:38.054Z" }, + { url = "https://files.pythonhosted.org/packages/4e/d3/fe08482b5cd995033556d45041a4f4e76e7f0521112a9c9991d40d39825f/markupsafe-3.0.3-cp39-cp39-win_arm64.whl", hash = "sha256:38664109c14ffc9e7437e86b4dceb442b0096dfe3541d7864d9cbe1da4cf36c8", size = 13928, upload-time = "2025-09-27T18:37:39.037Z" }, ] [[package]] name = "matplotlib" -version = "3.10.3" +version = "3.9.4" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "contourpy" }, - { name = "cycler" }, - { name = "fonttools" }, - { name = "kiwisolver" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "pillow" }, - { name = "pyparsing" }, - { name = "python-dateutil" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/26/91/d49359a21893183ed2a5b6c76bec40e0b1dcbf8ca148f864d134897cfc75/matplotlib-3.10.3.tar.gz", hash = "sha256:2f82d2c5bb7ae93aaaa4cd42aca65d76ce6376f83304fa3a630b569aca274df0", size = 34799811, upload-time = "2025-05-08T19:10:54.39Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/d0/ea/2bba25d289d389c7451f331ecd593944b3705f06ddf593fa7be75037d308/matplotlib-3.10.3-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:213fadd6348d106ca7db99e113f1bea1e65e383c3ba76e8556ba4a3054b65ae7", size = 8167862, upload-time = "2025-05-08T19:09:39.563Z" }, - { url = "https://files.pythonhosted.org/packages/41/81/cc70b5138c926604e8c9ed810ed4c79e8116ba72e02230852f5c12c87ba2/matplotlib-3.10.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d3bec61cb8221f0ca6313889308326e7bb303d0d302c5cc9e523b2f2e6c73deb", size = 8042149, upload-time = "2025-05-08T19:09:42.413Z" }, - { url = "https://files.pythonhosted.org/packages/4a/9a/0ff45b6bfa42bb16de597e6058edf2361c298ad5ef93b327728145161bbf/matplotlib-3.10.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8c21ae75651c0231b3ba014b6d5e08fb969c40cdb5a011e33e99ed0c9ea86ecb", size = 8453719, upload-time = "2025-05-08T19:09:44.901Z" }, - { url = "https://files.pythonhosted.org/packages/85/c7/1866e972fed6d71ef136efbc980d4d1854ab7ef1ea8152bbd995ca231c81/matplotlib-3.10.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a49e39755580b08e30e3620efc659330eac5d6534ab7eae50fa5e31f53ee4e30", size = 8590801, upload-time = "2025-05-08T19:09:47.404Z" }, - { url = "https://files.pythonhosted.org/packages/5d/b9/748f6626d534ab7e255bdc39dc22634d337cf3ce200f261b5d65742044a1/matplotlib-3.10.3-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:cf4636203e1190871d3a73664dea03d26fb019b66692cbfd642faafdad6208e8", size = 9402111, upload-time = "2025-05-08T19:09:49.474Z" }, - { url = "https://files.pythonhosted.org/packages/1f/78/8bf07bd8fb67ea5665a6af188e70b57fcb2ab67057daa06b85a08e59160a/matplotlib-3.10.3-cp310-cp310-win_amd64.whl", hash = "sha256:fd5641a9bb9d55f4dd2afe897a53b537c834b9012684c8444cc105895c8c16fd", size = 8057213, upload-time = "2025-05-08T19:09:51.489Z" }, - { url = "https://files.pythonhosted.org/packages/f5/bd/af9f655456f60fe1d575f54fb14704ee299b16e999704817a7645dfce6b0/matplotlib-3.10.3-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:0ef061f74cd488586f552d0c336b2f078d43bc00dc473d2c3e7bfee2272f3fa8", size = 8178873, upload-time = "2025-05-08T19:09:53.857Z" }, - { url = "https://files.pythonhosted.org/packages/c2/86/e1c86690610661cd716eda5f9d0b35eaf606ae6c9b6736687cfc8f2d0cd8/matplotlib-3.10.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d96985d14dc5f4a736bbea4b9de9afaa735f8a0fc2ca75be2fa9e96b2097369d", size = 8052205, upload-time = "2025-05-08T19:09:55.684Z" }, - { url = "https://files.pythonhosted.org/packages/54/51/a9f8e49af3883dacddb2da1af5fca1f7468677f1188936452dd9aaaeb9ed/matplotlib-3.10.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7c5f0283da91e9522bdba4d6583ed9d5521566f63729ffb68334f86d0bb98049", size = 8465823, upload-time = "2025-05-08T19:09:57.442Z" }, - { url = "https://files.pythonhosted.org/packages/e7/e3/c82963a3b86d6e6d5874cbeaa390166458a7f1961bab9feb14d3d1a10f02/matplotlib-3.10.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fdfa07c0ec58035242bc8b2c8aae37037c9a886370eef6850703d7583e19964b", size = 8606464, upload-time = "2025-05-08T19:09:59.471Z" }, - { url = "https://files.pythonhosted.org/packages/0e/34/24da1027e7fcdd9e82da3194c470143c551852757a4b473a09a012f5b945/matplotlib-3.10.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:c0b9849a17bce080a16ebcb80a7b714b5677d0ec32161a2cc0a8e5a6030ae220", size = 9413103, upload-time = "2025-05-08T19:10:03.208Z" }, - { url = "https://files.pythonhosted.org/packages/a6/da/948a017c3ea13fd4a97afad5fdebe2f5bbc4d28c0654510ce6fd6b06b7bd/matplotlib-3.10.3-cp311-cp311-win_amd64.whl", hash = "sha256:eef6ed6c03717083bc6d69c2d7ee8624205c29a8e6ea5a31cd3492ecdbaee1e1", size = 8065492, upload-time = "2025-05-08T19:10:05.271Z" }, - { url = "https://files.pythonhosted.org/packages/eb/43/6b80eb47d1071f234ef0c96ca370c2ca621f91c12045f1401b5c9b28a639/matplotlib-3.10.3-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:0ab1affc11d1f495ab9e6362b8174a25afc19c081ba5b0775ef00533a4236eea", size = 8179689, upload-time = "2025-05-08T19:10:07.602Z" }, - { url = "https://files.pythonhosted.org/packages/0f/70/d61a591958325c357204870b5e7b164f93f2a8cca1dc6ce940f563909a13/matplotlib-3.10.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2a818d8bdcafa7ed2eed74487fdb071c09c1ae24152d403952adad11fa3c65b4", size = 8050466, upload-time = "2025-05-08T19:10:09.383Z" }, - { url = "https://files.pythonhosted.org/packages/e7/75/70c9d2306203148cc7902a961240c5927dd8728afedf35e6a77e105a2985/matplotlib-3.10.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:748ebc3470c253e770b17d8b0557f0aa85cf8c63fd52f1a61af5b27ec0b7ffee", size = 8456252, upload-time = "2025-05-08T19:10:11.958Z" }, - { url = "https://files.pythonhosted.org/packages/c4/91/ba0ae1ff4b3f30972ad01cd4a8029e70a0ec3b8ea5be04764b128b66f763/matplotlib-3.10.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ed70453fd99733293ace1aec568255bc51c6361cb0da94fa5ebf0649fdb2150a", size = 8601321, upload-time = "2025-05-08T19:10:14.47Z" }, - { url = "https://files.pythonhosted.org/packages/d2/88/d636041eb54a84b889e11872d91f7cbf036b3b0e194a70fa064eb8b04f7a/matplotlib-3.10.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:dbed9917b44070e55640bd13419de83b4c918e52d97561544814ba463811cbc7", size = 9406972, upload-time = "2025-05-08T19:10:16.569Z" }, - { url = "https://files.pythonhosted.org/packages/b1/79/0d1c165eac44405a86478082e225fce87874f7198300bbebc55faaf6d28d/matplotlib-3.10.3-cp312-cp312-win_amd64.whl", hash = "sha256:cf37d8c6ef1a48829443e8ba5227b44236d7fcaf7647caa3178a4ff9f7a5be05", size = 8067954, upload-time = "2025-05-08T19:10:18.663Z" }, - { url = "https://files.pythonhosted.org/packages/3d/d1/f54d43e95384b312ffa4a74a4326c722f3b8187aaaa12e9a84cdf3037131/matplotlib-3.10.3-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:86ab63d66bbc83fdb6733471d3bff40897c1e9921cba112accd748eee4bce5e4", size = 8162896, upload-time = "2025-05-08T19:10:46.432Z" }, - { url = "https://files.pythonhosted.org/packages/24/a4/fbfc00c2346177c95b353dcf9b5a004106abe8730a62cb6f27e79df0a698/matplotlib-3.10.3-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:a48f9c08bf7444b5d2391a83e75edb464ccda3c380384b36532a0962593a1751", size = 8039702, upload-time = "2025-05-08T19:10:49.634Z" }, - { url = "https://files.pythonhosted.org/packages/6a/b9/59e120d24a2ec5fc2d30646adb2efb4621aab3c6d83d66fb2a7a182db032/matplotlib-3.10.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cb73d8aa75a237457988f9765e4dfe1c0d2453c5ca4eabc897d4309672c8e014", size = 8594298, upload-time = "2025-05-08T19:10:51.738Z" }, + { name = "contourpy", version = "1.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "cycler", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fonttools", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "importlib-resources", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "kiwisolver", version = "1.4.7", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyparsing", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "python-dateutil", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/df/17/1747b4154034befd0ed33b52538f5eb7752d05bb51c5e2a31470c3bc7d52/matplotlib-3.9.4.tar.gz", hash = "sha256:1e00e8be7393cbdc6fedfa8a6fba02cf3e83814b285db1c60b906a023ba41bc3", size = 36106529, upload-time = "2024-12-13T05:56:34.184Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/7e/94/27d2e2c30d54b56c7b764acc1874a909e34d1965a427fc7092bb6a588b63/matplotlib-3.9.4-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:c5fdd7abfb706dfa8d307af64a87f1a862879ec3cd8d0ec8637458f0885b9c50", size = 7885089, upload-time = "2024-12-13T05:54:24.224Z" }, + { url = "https://files.pythonhosted.org/packages/c6/25/828273307e40a68eb8e9df832b6b2aaad075864fdc1de4b1b81e40b09e48/matplotlib-3.9.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d89bc4e85e40a71d1477780366c27fb7c6494d293e1617788986f74e2a03d7ff", size = 7770600, upload-time = "2024-12-13T05:54:27.214Z" }, + { url = "https://files.pythonhosted.org/packages/f2/65/f841a422ec994da5123368d76b126acf4fc02ea7459b6e37c4891b555b83/matplotlib-3.9.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ddf9f3c26aae695c5daafbf6b94e4c1a30d6cd617ba594bbbded3b33a1fcfa26", size = 8200138, upload-time = "2024-12-13T05:54:29.497Z" }, + { url = "https://files.pythonhosted.org/packages/07/06/272aca07a38804d93b6050813de41ca7ab0e29ba7a9dd098e12037c919a9/matplotlib-3.9.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:18ebcf248030173b59a868fda1fe42397253f6698995b55e81e1f57431d85e50", size = 8312711, upload-time = "2024-12-13T05:54:34.396Z" }, + { url = "https://files.pythonhosted.org/packages/98/37/f13e23b233c526b7e27ad61be0a771894a079e0f7494a10d8d81557e0e9a/matplotlib-3.9.4-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:974896ec43c672ec23f3f8c648981e8bc880ee163146e0312a9b8def2fac66f5", size = 9090622, upload-time = "2024-12-13T05:54:36.808Z" }, + { url = "https://files.pythonhosted.org/packages/4f/8c/b1f5bd2bd70e60f93b1b54c4d5ba7a992312021d0ddddf572f9a1a6d9348/matplotlib-3.9.4-cp310-cp310-win_amd64.whl", hash = "sha256:4598c394ae9711cec135639374e70871fa36b56afae17bdf032a345be552a88d", size = 7828211, upload-time = "2024-12-13T05:54:40.596Z" }, + { url = "https://files.pythonhosted.org/packages/74/4b/65be7959a8fa118a3929b49a842de5b78bb55475236fcf64f3e308ff74a0/matplotlib-3.9.4-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:d4dd29641d9fb8bc4492420c5480398dd40a09afd73aebe4eb9d0071a05fbe0c", size = 7894430, upload-time = "2024-12-13T05:54:44.049Z" }, + { url = "https://files.pythonhosted.org/packages/e9/18/80f70d91896e0a517b4a051c3fd540daa131630fd75e02e250365353b253/matplotlib-3.9.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30e5b22e8bcfb95442bf7d48b0d7f3bdf4a450cbf68986ea45fca3d11ae9d099", size = 7780045, upload-time = "2024-12-13T05:54:46.414Z" }, + { url = "https://files.pythonhosted.org/packages/a2/73/ccb381026e3238c5c25c3609ba4157b2d1a617ec98d65a8b4ee4e1e74d02/matplotlib-3.9.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2bb0030d1d447fd56dcc23b4c64a26e44e898f0416276cac1ebc25522e0ac249", size = 8209906, upload-time = "2024-12-13T05:54:49.459Z" }, + { url = "https://files.pythonhosted.org/packages/ab/33/1648da77b74741c89f5ea95cbf42a291b4b364f2660b316318811404ed97/matplotlib-3.9.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aca90ed222ac3565d2752b83dbb27627480d27662671e4d39da72e97f657a423", size = 8322873, upload-time = "2024-12-13T05:54:53.066Z" }, + { url = "https://files.pythonhosted.org/packages/57/d3/8447ba78bc6593c9044c372d1609f8ea10fb1e071e7a9e0747bea74fc16c/matplotlib-3.9.4-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:a181b2aa2906c608fcae72f977a4a2d76e385578939891b91c2550c39ecf361e", size = 9099566, upload-time = "2024-12-13T05:54:55.522Z" }, + { url = "https://files.pythonhosted.org/packages/23/e1/4f0e237bf349c02ff9d1b6e7109f1a17f745263809b9714a8576dc17752b/matplotlib-3.9.4-cp311-cp311-win_amd64.whl", hash = "sha256:1f6882828231eca17f501c4dcd98a05abb3f03d157fbc0769c6911fe08b6cfd3", size = 7838065, upload-time = "2024-12-13T05:54:58.337Z" }, + { url = "https://files.pythonhosted.org/packages/1a/2b/c918bf6c19d6445d1cefe3d2e42cb740fb997e14ab19d4daeb6a7ab8a157/matplotlib-3.9.4-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:dfc48d67e6661378a21c2983200a654b72b5c5cdbd5d2cf6e5e1ece860f0cc70", size = 7891131, upload-time = "2024-12-13T05:55:02.837Z" }, + { url = "https://files.pythonhosted.org/packages/c1/e5/b4e8fc601ca302afeeabf45f30e706a445c7979a180e3a978b78b2b681a4/matplotlib-3.9.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:47aef0fab8332d02d68e786eba8113ffd6f862182ea2999379dec9e237b7e483", size = 7776365, upload-time = "2024-12-13T05:55:05.158Z" }, + { url = "https://files.pythonhosted.org/packages/99/06/b991886c506506476e5d83625c5970c656a491b9f80161458fed94597808/matplotlib-3.9.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fba1f52c6b7dc764097f52fd9ab627b90db452c9feb653a59945de16752e965f", size = 8200707, upload-time = "2024-12-13T05:55:09.48Z" }, + { url = "https://files.pythonhosted.org/packages/c3/e2/556b627498cb27e61026f2d1ba86a78ad1b836fef0996bef5440e8bc9559/matplotlib-3.9.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:173ac3748acaac21afcc3fa1633924609ba1b87749006bc25051c52c422a5d00", size = 8313761, upload-time = "2024-12-13T05:55:12.95Z" }, + { url = "https://files.pythonhosted.org/packages/58/ff/165af33ec766ff818306ea88e91f9f60d2a6ed543be1eb122a98acbf3b0d/matplotlib-3.9.4-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:320edea0cadc07007765e33f878b13b3738ffa9745c5f707705692df70ffe0e0", size = 9095284, upload-time = "2024-12-13T05:55:16.199Z" }, + { url = "https://files.pythonhosted.org/packages/9f/8b/3d0c7a002db3b1ed702731c2a9a06d78d035f1f2fb0fb936a8e43cc1e9f4/matplotlib-3.9.4-cp312-cp312-win_amd64.whl", hash = "sha256:a4a4cfc82330b27042a7169533da7991e8789d180dd5b3daeaee57d75cd5a03b", size = 7841160, upload-time = "2024-12-13T05:55:19.991Z" }, + { url = "https://files.pythonhosted.org/packages/56/eb/501b465c9fef28f158e414ea3a417913dc2ac748564c7ed41535f23445b4/matplotlib-3.9.4-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:3c3724d89a387ddf78ff88d2a30ca78ac2b4c89cf37f2db4bd453c34799e933c", size = 7885919, upload-time = "2024-12-13T05:55:59.66Z" }, + { url = "https://files.pythonhosted.org/packages/da/36/236fbd868b6c91309a5206bd90c3f881f4f44b2d997cd1d6239ef652f878/matplotlib-3.9.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d5f0a8430ffe23d7e32cfd86445864ccad141797f7d25b7c41759a5b5d17cfd7", size = 7771486, upload-time = "2024-12-13T05:56:04.264Z" }, + { url = "https://files.pythonhosted.org/packages/e0/4b/105caf2d54d5ed11d9f4335398f5103001a03515f2126c936a752ccf1461/matplotlib-3.9.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bb0141a21aef3b64b633dc4d16cbd5fc538b727e4958be82a0e1c92a234160e", size = 8201838, upload-time = "2024-12-13T05:56:06.792Z" }, + { url = "https://files.pythonhosted.org/packages/5d/a7/bb01188fb4013d34d274caf44a2f8091255b0497438e8b6c0a7c1710c692/matplotlib-3.9.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:57aa235109e9eed52e2c2949db17da185383fa71083c00c6c143a60e07e0888c", size = 8314492, upload-time = "2024-12-13T05:56:09.964Z" }, + { url = "https://files.pythonhosted.org/packages/33/19/02e1a37f7141fc605b193e927d0a9cdf9dc124a20b9e68793f4ffea19695/matplotlib-3.9.4-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:b18c600061477ccfdd1e6fd050c33d8be82431700f3452b297a56d9ed7037abb", size = 9092500, upload-time = "2024-12-13T05:56:13.55Z" }, + { url = "https://files.pythonhosted.org/packages/57/68/c2feb4667adbf882ffa4b3e0ac9967f848980d9f8b5bebd86644aa67ce6a/matplotlib-3.9.4-cp39-cp39-win_amd64.whl", hash = "sha256:ef5f2d1b67d2d2145ff75e10f8c008bfbf71d45137c4b648c87193e7dd053eac", size = 7822962, upload-time = "2024-12-13T05:56:16.358Z" }, + { url = "https://files.pythonhosted.org/packages/0c/22/2ef6a364cd3f565442b0b055e0599744f1e4314ec7326cdaaa48a4d864d7/matplotlib-3.9.4-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:44e0ed786d769d85bc787b0606a53f2d8d2d1d3c8a2608237365e9121c1a338c", size = 7877995, upload-time = "2024-12-13T05:56:18.805Z" }, + { url = "https://files.pythonhosted.org/packages/87/b8/2737456e566e9f4d94ae76b8aa0d953d9acb847714f9a7ad80184474f5be/matplotlib-3.9.4-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:09debb9ce941eb23ecdbe7eab972b1c3e0276dcf01688073faff7b0f61d6c6ca", size = 7769300, upload-time = "2024-12-13T05:56:21.315Z" }, + { url = "https://files.pythonhosted.org/packages/b2/1f/e709c6ec7b5321e6568769baa288c7178e60a93a9da9e682b39450da0e29/matplotlib-3.9.4-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bcc53cf157a657bfd03afab14774d54ba73aa84d42cfe2480c91bd94873952db", size = 8313423, upload-time = "2024-12-13T05:56:26.719Z" }, + { url = "https://files.pythonhosted.org/packages/5e/b6/5a1f868782cd13f053a679984e222007ecff654a9bfbac6b27a65f4eeb05/matplotlib-3.9.4-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:ad45da51be7ad02387801fd154ef74d942f49fe3fcd26a64c94842ba7ec0d865", size = 7854624, upload-time = "2024-12-13T05:56:29.359Z" }, +] + +[[package]] +name = "matplotlib" +version = "3.10.7" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "contourpy", version = "1.3.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "contourpy", version = "1.3.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "cycler", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fonttools", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "kiwisolver", version = "1.4.9", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyparsing", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "python-dateutil", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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/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]] @@ -981,9 +8256,14 @@ dependencies = [ { name = "absl-py" }, { name = "attrs" }, { name = "flatbuffers" }, - { name = "jax" }, - { name = "jaxlib" }, - { name = "matplotlib" }, + { name = "jax", version = "0.4.30", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jax", version = "0.6.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jax", version = "0.7.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jaxlib", version = "0.4.30", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jaxlib", version = "0.6.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jaxlib", version = "0.7.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "matplotlib", version = "3.9.4", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "matplotlib", version = "3.10.7", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "numpy" }, { name = "opencv-contrib-python" }, { name = "protobuf" }, @@ -1003,29 +8283,39 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/89/34/f490f2e1614c021679fe757b08fdedd6100fd18f21111532af8864d006fe/mediapipe-0.10.21-cp312-cp312-macosx_11_0_x86_64.whl", hash = "sha256:96bf0dafa9851c74b1f930090193f23c257ccf4bb1bdebbd2ca3a02397011c0e", size = 49080132, upload-time = "2025-02-06T19:07:11.306Z" }, { url = "https://files.pythonhosted.org/packages/9f/99/5da7ae7f7e25847383bc2fe5a9adc7ce150dd371682f486c0666b407cad7/mediapipe-0.10.21-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:956eb1ebc275c629e61b085b2cab89c3a5b9e93bad1bb107348d98dafb5a4bb5", size = 35627340, upload-time = "2025-02-06T19:07:19.82Z" }, { url = "https://files.pythonhosted.org/packages/b7/79/b77808f8195f229ef0c15875540dfdd36724748a4b3de53d993f23336839/mediapipe-0.10.21-cp312-cp312-win_amd64.whl", hash = "sha256:d07b5e69308411161286ea4e48be2ea3e9ab62745143fcb0cb4acced0517e341", size = 50967082, upload-time = "2025-02-06T19:07:26.979Z" }, + { url = "https://files.pythonhosted.org/packages/a2/21/59f287377f51b184af1a2b49e1e3e41dc241a0fc6d73479f793922bdb155/mediapipe-0.10.21-cp39-cp39-macosx_11_0_universal2.whl", hash = "sha256:0dcf57fca3a93474e627d8bfdb364a03973879b755b58e19f287d15dc81c980b", size = 49162969, upload-time = "2025-02-06T19:07:35.113Z" }, + { url = "https://files.pythonhosted.org/packages/25/72/29e0f39626b26f66d1c190a76cf870d56c4f69d14633eb75d7502b1e26e2/mediapipe-0.10.21-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:7bb52891a64bd855774d6c69f03cbdc7d297980fbefc454343d2da6e78d49c2e", size = 49070548, upload-time = "2025-02-06T19:07:42.249Z" }, + { url = "https://files.pythonhosted.org/packages/9b/41/e120409dd565917df7f0de0f6be962315e7b15206d970a5c4f7be629a3f4/mediapipe-0.10.21-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:6080934c25cbef89a01578abd3d501ba2b6d55bcd324bc64443c765436c2549d", size = 35622886, upload-time = "2025-02-06T19:07:48.389Z" }, + { url = "https://files.pythonhosted.org/packages/b3/56/b3061a99ab267e216cade90a1bcbbfe50f055d1a136291e1bc30aec26235/mediapipe-0.10.21-cp39-cp39-win_amd64.whl", hash = "sha256:c259cd99cdeb00f9a4b90ffc80fa03071661d322e332411eb6349bb0ae7c35b3", size = 50948951, upload-time = "2025-02-06T19:07:55.872Z" }, ] [[package]] name = "ml-dtypes" -version = "0.5.1" +version = "0.5.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "numpy" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/32/49/6e67c334872d2c114df3020e579f3718c333198f8312290e09ec0216703a/ml_dtypes-0.5.1.tar.gz", hash = "sha256:ac5b58559bb84a95848ed6984eb8013249f90b6bab62aa5acbad876e256002c9", size = 698772, upload-time = "2025-01-07T03:34:55.613Z" } +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/f4/88/11ebdbc75445eeb5b6869b708a0d787d1ed812ff86c2170bbfb95febdce1/ml_dtypes-0.5.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:bd73f51957949069573ff783563486339a9285d72e2f36c18e0c1aa9ca7eb190", size = 671450, upload-time = "2025-01-07T03:33:52.724Z" }, - { url = "https://files.pythonhosted.org/packages/a4/a4/9321cae435d6140f9b0e7af8334456a854b60e3a9c6101280a16e3594965/ml_dtypes-0.5.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:810512e2eccdfc3b41eefa3a27402371a3411453a1efc7e9c000318196140fed", size = 4621075, upload-time = "2025-01-07T03:33:54.878Z" }, - { url = "https://files.pythonhosted.org/packages/16/d8/4502e12c6a10d42e13a552e8d97f20198e3cf82a0d1411ad50be56a5077c/ml_dtypes-0.5.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:141b2ea2f20bb10802ddca55d91fe21231ef49715cfc971998e8f2a9838f3dbe", size = 4738414, upload-time = "2025-01-07T03:33:57.709Z" }, - { url = "https://files.pythonhosted.org/packages/6b/7e/bc54ae885e4d702e60a4bf50aa9066ff35e9c66b5213d11091f6bffb3036/ml_dtypes-0.5.1-cp310-cp310-win_amd64.whl", hash = "sha256:26ebcc69d7b779c8f129393e99732961b5cc33fcff84090451f448c89b0e01b4", size = 209718, upload-time = "2025-01-07T03:34:00.585Z" }, - { url = "https://files.pythonhosted.org/packages/c9/fd/691335926126bb9beeb030b61a28f462773dcf16b8e8a2253b599013a303/ml_dtypes-0.5.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:023ce2f502efd4d6c1e0472cc58ce3640d051d40e71e27386bed33901e201327", size = 671448, upload-time = "2025-01-07T03:34:03.153Z" }, - { url = "https://files.pythonhosted.org/packages/ff/a6/63832d91f2feb250d865d069ba1a5d0c686b1f308d1c74ce9764472c5e22/ml_dtypes-0.5.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7000b6e4d8ef07542c05044ec5d8bbae1df083b3f56822c3da63993a113e716f", size = 4625792, upload-time = "2025-01-07T03:34:04.981Z" }, - { url = "https://files.pythonhosted.org/packages/cc/2a/5421fd3dbe6eef9b844cc9d05f568b9fb568503a2e51cb1eb4443d9fc56b/ml_dtypes-0.5.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c09526488c3a9e8b7a23a388d4974b670a9a3dd40c5c8a61db5593ce9b725bab", size = 4743893, upload-time = "2025-01-07T03:34:08.333Z" }, - { url = "https://files.pythonhosted.org/packages/60/30/d3f0fc9499a22801219679a7f3f8d59f1429943c6261f445fb4bfce20718/ml_dtypes-0.5.1-cp311-cp311-win_amd64.whl", hash = "sha256:15ad0f3b0323ce96c24637a88a6f44f6713c64032f27277b069f285c3cf66478", size = 209712, upload-time = "2025-01-07T03:34:12.182Z" }, - { url = "https://files.pythonhosted.org/packages/47/56/1bb21218e1e692506c220ffabd456af9733fba7aa1b14f73899979f4cc20/ml_dtypes-0.5.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:6f462f5eca22fb66d7ff9c4744a3db4463af06c49816c4b6ac89b16bfcdc592e", size = 670372, upload-time = "2025-01-07T03:34:15.258Z" }, - { url = "https://files.pythonhosted.org/packages/20/95/d8bd96a3b60e00bf31bd78ca4bdd2d6bbaf5acb09b42844432d719d34061/ml_dtypes-0.5.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6f76232163b5b9c34291b54621ee60417601e2e4802a188a0ea7157cd9b323f4", size = 4635946, upload-time = "2025-01-07T03:34:20.412Z" }, - { url = "https://files.pythonhosted.org/packages/08/57/5d58fad4124192b1be42f68bd0c0ddaa26e44a730ff8c9337adade2f5632/ml_dtypes-0.5.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ad4953c5eb9c25a56d11a913c2011d7e580a435ef5145f804d98efa14477d390", size = 4694804, upload-time = "2025-01-07T03:34:23.608Z" }, - { url = "https://files.pythonhosted.org/packages/38/bc/c4260e4a6c6bf684d0313308de1c860467275221d5e7daf69b3fcddfdd0b/ml_dtypes-0.5.1-cp312-cp312-win_amd64.whl", hash = "sha256:9626d0bca1fb387d5791ca36bacbba298c5ef554747b7ebeafefb4564fc83566", size = 210853, upload-time = "2025-01-07T03:34:26.027Z" }, + { 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/19/2d/c61af51173083bbf2a3b0f1a1a01d50ef1830436880027433d1b75271083/ml_dtypes-0.5.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:5ee72568d46b9533ad54f78b1e1f3067c0534c5065120ea8ecc6f210d22748b3", size = 663552, upload-time = "2025-07-29T18:39:13.102Z" }, + { url = "https://files.pythonhosted.org/packages/61/0e/a628f2aefd719745e8a13492375a55cedea77c0cfc917b1ce11bde435c68/ml_dtypes-0.5.3-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:01de48de4537dc3c46e684b969a40ec36594e7eeb7c69e9a093e7239f030a28a", size = 4952704, upload-time = "2025-07-29T18:39:14.829Z" }, + { url = "https://files.pythonhosted.org/packages/f8/2e/5ba92f1f99d1f5f62bffec614a5b8161e55c3961257c902fa26dbe909baa/ml_dtypes-0.5.3-cp39-cp39-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:8b1a6e231b0770f2894910f1dce6d2f31d65884dbf7668f9b08d73623cdca909", size = 4923538, upload-time = "2025-07-29T18:39:16.581Z" }, + { url = "https://files.pythonhosted.org/packages/70/3b/f801c69027866ea6e387224551185fedef62ad8e2e71181ec0d9dda905f7/ml_dtypes-0.5.3-cp39-cp39-win_amd64.whl", hash = "sha256:a4f39b9bf6555fab9bfb536cf5fdd1c1c727e8d22312078702e9ff005354b37f", size = 206567, upload-time = "2025-07-29T18:39:18.047Z" }, ] [[package]] @@ -1037,14 +8327,224 @@ 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 = "networkx" +version = "3.2.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +sdist = { url = "https://files.pythonhosted.org/packages/c4/80/a84676339aaae2f1cfdf9f418701dd634aef9cc76f708ef55c36ff39c3ca/networkx-3.2.1.tar.gz", hash = "sha256:9f1bb5cf3409bf324e0a722c20bdb4c20ee39bf1c30ce8ae499c8502b0b5e0c6", size = 2073928, upload-time = "2023-10-28T08:41:39.364Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/d5/f0/8fbc882ca80cf077f1b246c0e3c3465f7f415439bdea6b899f6b19f61f70/networkx-3.2.1-py3-none-any.whl", hash = "sha256:f18c69adc97877c42332c170849c96cefa91881c99a7cb3e95b7c659ebdc1ec2", size = 1647772, upload-time = "2023-10-28T08:41:36.945Z" }, +] + [[package]] name = "networkx" version = "3.4.2" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] 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 = [ @@ -1056,12 +8556,404 @@ name = "networkx" version = "3.5" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] sdist = { url = "https://files.pythonhosted.org/packages/6c/4f/ccdb8ad3a38e583f214547fd2f7ff1fc160c43a75af88e6aec213404b96a/networkx-3.5.tar.gz", hash = "sha256:d4c6f9cf81f52d69230866796b82afbccdec3db7ae4fbd1b65ea750feed50037", size = 2471065, upload-time = "2025-05-29T11:35:07.804Z" } wheels = [ @@ -1110,6 +9002,17 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/76/8c/2ba3902e1a0fc1c74962ea9bb33a534bb05984ad7ff9515bf8d07527cadd/numpy-1.26.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:1dda2e7b4ec9dd512f84935c5f126c8bd8b9f2fc001e9f54af255e8c5f16b0e0", size = 17786643, upload-time = "2024-02-05T23:57:56.585Z" }, { url = "https://files.pythonhosted.org/packages/28/4a/46d9e65106879492374999e76eb85f87b15328e06bd1550668f79f7b18c6/numpy-1.26.4-cp312-cp312-win32.whl", hash = "sha256:50193e430acfc1346175fcbdaa28ffec49947a06918b7b92130744e81e640110", size = 5677803, upload-time = "2024-02-05T23:58:08.963Z" }, { url = "https://files.pythonhosted.org/packages/16/2e/86f24451c2d530c88daf997cb8d6ac622c1d40d19f5a031ed68a4b73a374/numpy-1.26.4-cp312-cp312-win_amd64.whl", hash = "sha256:08beddf13648eb95f8d867350f6a018a4be2e5ad54c8d8caed89ebca558b2818", size = 15517754, upload-time = "2024-02-05T23:58:36.364Z" }, + { url = "https://files.pythonhosted.org/packages/7d/24/ce71dc08f06534269f66e73c04f5709ee024a1afe92a7b6e1d73f158e1f8/numpy-1.26.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:7349ab0fa0c429c82442a27a9673fc802ffdb7c7775fad780226cb234965e53c", size = 20636301, upload-time = "2024-02-05T23:59:10.976Z" }, + { url = "https://files.pythonhosted.org/packages/ae/8c/ab03a7c25741f9ebc92684a20125fbc9fc1b8e1e700beb9197d750fdff88/numpy-1.26.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:52b8b60467cd7dd1e9ed082188b4e6bb35aa5cdd01777621a1658910745b90be", size = 13971216, upload-time = "2024-02-05T23:59:35.472Z" }, + { url = "https://files.pythonhosted.org/packages/6d/64/c3bcdf822269421d85fe0d64ba972003f9bb4aa9a419da64b86856c9961f/numpy-1.26.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d5241e0a80d808d70546c697135da2c613f30e28251ff8307eb72ba696945764", size = 14226281, upload-time = "2024-02-05T23:59:59.372Z" }, + { url = "https://files.pythonhosted.org/packages/54/30/c2a907b9443cf42b90c17ad10c1e8fa801975f01cb9764f3f8eb8aea638b/numpy-1.26.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f870204a840a60da0b12273ef34f7051e98c3b5961b61b0c2c1be6dfd64fbcd3", size = 18249516, upload-time = "2024-02-06T00:00:32.79Z" }, + { url = "https://files.pythonhosted.org/packages/43/12/01a563fc44c07095996d0129b8899daf89e4742146f7044cdbdb3101c57f/numpy-1.26.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:679b0076f67ecc0138fd2ede3a8fd196dddc2ad3254069bcb9faf9a79b1cebcd", size = 13882132, upload-time = "2024-02-06T00:00:58.197Z" }, + { url = "https://files.pythonhosted.org/packages/16/ee/9df80b06680aaa23fc6c31211387e0db349e0e36d6a63ba3bd78c5acdf11/numpy-1.26.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:47711010ad8555514b434df65f7d7b076bb8261df1ca9bb78f53d3b2db02e95c", size = 18084181, upload-time = "2024-02-06T00:01:31.21Z" }, + { url = "https://files.pythonhosted.org/packages/28/7d/4b92e2fe20b214ffca36107f1a3e75ef4c488430e64de2d9af5db3a4637d/numpy-1.26.4-cp39-cp39-win32.whl", hash = "sha256:a354325ee03388678242a4d7ebcd08b5c727033fcff3b2f536aea978e15ee9e6", size = 5976360, upload-time = "2024-02-06T00:01:43.013Z" }, + { url = "https://files.pythonhosted.org/packages/b5/42/054082bd8220bbf6f297f982f0a8f5479fcbc55c8b511d928df07b965869/numpy-1.26.4-cp39-cp39-win_amd64.whl", hash = "sha256:3373d5d70a5fe74a2c1bb6d2cfd9609ecf686d47a2d7b1d37a8f3b6bf6003aea", size = 15814633, upload-time = "2024-02-06T00:02:16.694Z" }, + { url = "https://files.pythonhosted.org/packages/3f/72/3df6c1c06fc83d9cfe381cccb4be2532bbd38bf93fbc9fad087b6687f1c0/numpy-1.26.4-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:afedb719a9dcfc7eaf2287b839d8198e06dcd4cb5d276a3df279231138e83d30", size = 20455961, upload-time = "2024-02-06T00:03:05.993Z" }, + { url = "https://files.pythonhosted.org/packages/8e/02/570545bac308b58ffb21adda0f4e220ba716fb658a63c151daecc3293350/numpy-1.26.4-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95a7476c59002f2f6c590b9b7b998306fba6a5aa646b1e22ddfeaf8f78c3a29c", size = 18061071, upload-time = "2024-02-06T00:03:41.5Z" }, + { url = "https://files.pythonhosted.org/packages/f4/5f/fafd8c51235f60d49f7a88e2275e13971e90555b67da52dd6416caec32fe/numpy-1.26.4-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:7e50d0a0cc3189f9cb0aeb3a6a6af18c16f59f004b866cd2be1c14b36134a4a0", size = 15709730, upload-time = "2024-02-06T00:04:11.719Z" }, ] [[package]] @@ -1128,9 +9031,13 @@ name = "nvidia-cublas-cu12" version = "12.4.5.8" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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" }, @@ -1140,17 +9047,76 @@ wheels = [ [[package]] name = "nvidia-cublas-cu12" -version = "12.8.3.14" +version = "12.8.4.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/ed/63/684a6f72f52671ea222c12ecde9bdf748a0ba025e2ad3ec374e466c26eb6/nvidia_cublas_cu12-12.8.3.14-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:93a4e0e386cc7f6e56c822531396de8170ed17068a1e18f987574895044cd8c3", size = 604900717, upload-time = "2025-01-23T17:52:55.486Z" }, - { url = "https://files.pythonhosted.org/packages/82/df/4b01f10069e23c641f116c62fc31e31e8dc361a153175d81561d15c8143b/nvidia_cublas_cu12-12.8.3.14-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:3f0e05e7293598cf61933258b73e66a160c27d59c4422670bf0b79348c04be44", size = 609620630, upload-time = "2025-01-23T17:55:00.753Z" }, - { url = "https://files.pythonhosted.org/packages/6c/54/fbfa3315b936d3358517f7da5f9f2557c279bf210e5261f0cf66cc0f9832/nvidia_cublas_cu12-12.8.3.14-py3-none-win_amd64.whl", hash = "sha256:9ae5eae500aead01fc4bdfc458209df638b1a3551557ce11a78eea9ece602ae9", size = 578387959, upload-time = "2025-01-23T18:08:00.662Z" }, + { url = "https://files.pythonhosted.org/packages/29/99/db44d685f0e257ff0e213ade1964fc459b4a690a73293220e98feb3307cf/nvidia_cublas_cu12-12.8.4.1-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:b86f6dd8935884615a0683b663891d43781b819ac4f2ba2b0c9604676af346d0", size = 590537124, upload-time = "2025-03-07T01:43:53.556Z" }, + { url = "https://files.pythonhosted.org/packages/dc/61/e24b560ab2e2eaeb3c839129175fb330dfcfc29e5203196e5541a4c44682/nvidia_cublas_cu12-12.8.4.1-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:8ac4e771d5a348c551b2a426eda6193c19aa630236b418086020df5ba9667142", size = 594346921, upload-time = "2025-03-07T01:44:31.254Z" }, + { url = "https://files.pythonhosted.org/packages/70/61/7d7b3c70186fb651d0fbd35b01dbfc8e755f69fd58f817f3d0f642df20c3/nvidia_cublas_cu12-12.8.4.1-py3-none-win_amd64.whl", hash = "sha256:47e9b82132fa8d2b4944e708049229601448aaad7e6f296f630f2d1a32de35af", size = 567544208, upload-time = "2025-03-07T01:53:30.535Z" }, ] [[package]] @@ -1169,9 +9135,13 @@ name = "nvidia-cuda-cupti-cu12" version = "12.4.127" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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" }, @@ -1181,17 +9151,76 @@ wheels = [ [[package]] name = "nvidia-cuda-cupti-cu12" -version = "12.8.57" +version = "12.8.90" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/fe/53/458956a65283c55c22ba40a65745bbe9ff20c10b68ea241bc575e20c0465/nvidia_cuda_cupti_cu12-12.8.57-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ff154211724fd824e758ce176b66007b558eea19c9a5135fc991827ee147e317", size = 9526469, upload-time = "2025-01-23T17:47:33.104Z" }, - { url = "https://files.pythonhosted.org/packages/39/6f/3683ecf4e38931971946777d231c2df00dd5c1c4c2c914c42ad8f9f4dca6/nvidia_cuda_cupti_cu12-12.8.57-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:8e0b2eb847de260739bee4a3f66fac31378f4ff49538ff527a38a01a9a39f950", size = 10237547, upload-time = "2025-01-23T17:47:56.863Z" }, - { url = "https://files.pythonhosted.org/packages/3f/2a/cabe033045427beb042b70b394ac3fd7cfefe157c965268824011b16af67/nvidia_cuda_cupti_cu12-12.8.57-py3-none-win_amd64.whl", hash = "sha256:bbed719c52a476958a74cfc42f2b95a3fd6b3fd94eb40134acc4601feb4acac3", size = 7002337, upload-time = "2025-01-23T18:04:35.34Z" }, + { url = "https://files.pythonhosted.org/packages/d5/1f/b3bd73445e5cb342727fd24fe1f7b748f690b460acadc27ea22f904502c8/nvidia_cuda_cupti_cu12-12.8.90-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:4412396548808ddfed3f17a467b104ba7751e6b58678a4b840675c56d21cf7ed", size = 9533318, upload-time = "2025-03-07T01:40:10.421Z" }, + { url = "https://files.pythonhosted.org/packages/f8/02/2adcaa145158bf1a8295d83591d22e4103dbfd821bcaf6f3f53151ca4ffa/nvidia_cuda_cupti_cu12-12.8.90-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ea0cb07ebda26bb9b29ba82cda34849e73c166c18162d3913575b0c9db9a6182", size = 10248621, upload-time = "2025-03-07T01:40:21.213Z" }, + { url = "https://files.pythonhosted.org/packages/41/bc/83f5426095d93694ae39fe1311431b5d5a9bb82e48bf0dd8e19be2765942/nvidia_cuda_cupti_cu12-12.8.90-py3-none-win_amd64.whl", hash = "sha256:bb479dcdf7e6d4f8b0b01b115260399bf34154a1a2e9fe11c85c517d87efd98e", size = 7015759, upload-time = "2025-03-07T01:51:11.355Z" }, ] [[package]] @@ -1210,9 +9239,13 @@ name = "nvidia-cuda-nvrtc-cu12" version = "12.4.127" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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" }, @@ -1222,17 +9255,76 @@ wheels = [ [[package]] name = "nvidia-cuda-nvrtc-cu12" -version = "12.8.61" +version = "12.8.93" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/d4/22/32029d4583f7b19cfe75c84399cbcfd23f2aaf41c66fc8db4da460104fff/nvidia_cuda_nvrtc_cu12-12.8.61-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:a0fa9c2a21583105550ebd871bd76e2037205d56f33f128e69f6d2a55e0af9ed", size = 88024585, upload-time = "2025-01-23T17:50:10.722Z" }, - { url = "https://files.pythonhosted.org/packages/f1/98/29f98d57fc40d6646337e942d37509c6d5f8abe29012671f7a6eb9978ebe/nvidia_cuda_nvrtc_cu12-12.8.61-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:b1f376bf58111ca73dde4fd4df89a462b164602e074a76a2c29c121ca478dcd4", size = 43097015, upload-time = "2025-01-23T17:49:44.331Z" }, - { url = "https://files.pythonhosted.org/packages/f8/5b/052d05aa068e4752415ad03bac58e852ea8bc17c9321e08546b3f261e47e/nvidia_cuda_nvrtc_cu12-12.8.61-py3-none-win_amd64.whl", hash = "sha256:9c8887bf5e5dffc441018ba8c5dc59952372a6f4806819e8c1f03d62637dbeea", size = 73567440, upload-time = "2025-01-23T18:05:51.036Z" }, + { url = "https://files.pythonhosted.org/packages/05/6b/32f747947df2da6994e999492ab306a903659555dddc0fbdeb9d71f75e52/nvidia_cuda_nvrtc_cu12-12.8.93-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:a7756528852ef889772a84c6cd89d41dfa74667e24cca16bb31f8f061e3e9994", size = 88040029, upload-time = "2025-03-07T01:42:13.562Z" }, + { url = "https://files.pythonhosted.org/packages/eb/d1/e50d0acaab360482034b84b6e27ee83c6738f7d32182b987f9c7a4e32962/nvidia_cuda_nvrtc_cu12-12.8.93-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:fc1fec1e1637854b4c0a65fb9a8346b51dd9ee69e61ebaccc82058441f15bce8", size = 43106076, upload-time = "2025-03-07T01:41:59.817Z" }, + { url = "https://files.pythonhosted.org/packages/45/51/52a3d84baa2136cc8df15500ad731d74d3a1114d4c123e043cb608d4a32b/nvidia_cuda_nvrtc_cu12-12.8.93-py3-none-win_amd64.whl", hash = "sha256:7a4b6b2904850fe78e0bd179c4b655c404d4bb799ef03ddc60804247099ae909", size = 73586838, upload-time = "2025-03-07T01:52:13.483Z" }, ] [[package]] @@ -1251,9 +9343,13 @@ name = "nvidia-cuda-runtime-cu12" version = "12.4.127" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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" }, @@ -1263,17 +9359,76 @@ wheels = [ [[package]] name = "nvidia-cuda-runtime-cu12" -version = "12.8.57" +version = "12.8.90" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/cd/9d/e77ec4227e70c6006195bdf410370f2d0e5abfa2dc0d1d315cacd57c5c88/nvidia_cuda_runtime_cu12-12.8.57-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:534ccebd967b6a44292678fa5da4f00666029cb2ed07a79515ea41ef31fe3ec7", size = 965264, upload-time = "2025-01-23T17:47:11.759Z" }, - { url = "https://files.pythonhosted.org/packages/16/f6/0e1ef31f4753a44084310ba1a7f0abaf977ccd810a604035abb43421c057/nvidia_cuda_runtime_cu12-12.8.57-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:75342e28567340b7428ce79a5d6bb6ca5ff9d07b69e7ce00d2c7b4dc23eff0be", size = 954762, upload-time = "2025-01-23T17:47:22.21Z" }, - { url = "https://files.pythonhosted.org/packages/16/ee/52508c74bee2a3de8d59c6fd9af4ca2f216052fa2bc916da3a6a7bb998af/nvidia_cuda_runtime_cu12-12.8.57-py3-none-win_amd64.whl", hash = "sha256:89be637e3ee967323865b85e0f147d75f9a5bd98360befa37481b02dd57af8f5", size = 944309, upload-time = "2025-01-23T18:04:23.143Z" }, + { url = "https://files.pythonhosted.org/packages/7c/75/f865a3b236e4647605ea34cc450900854ba123834a5f1598e160b9530c3a/nvidia_cuda_runtime_cu12-12.8.90-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:52bf7bbee900262ffefe5e9d5a2a69a30d97e2bc5bb6cc866688caa976966e3d", size = 965265, upload-time = "2025-03-07T01:39:43.533Z" }, + { url = "https://files.pythonhosted.org/packages/0d/9b/a997b638fcd068ad6e4d53b8551a7d30fe8b404d6f1804abf1df69838932/nvidia_cuda_runtime_cu12-12.8.90-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:adade8dcbd0edf427b7204d480d6066d33902cab2a4707dcfc48a2d0fd44ab90", size = 954765, upload-time = "2025-03-07T01:40:01.615Z" }, + { url = "https://files.pythonhosted.org/packages/30/a5/a515b7600ad361ea14bfa13fb4d6687abf500adc270f19e89849c0590492/nvidia_cuda_runtime_cu12-12.8.90-py3-none-win_amd64.whl", hash = "sha256:c0c6027f01505bfed6c3b21ec546f69c687689aad5f1a377554bc6ca4aa993a8", size = 944318, upload-time = "2025-03-07T01:51:01.794Z" }, ] [[package]] @@ -1281,12 +9436,366 @@ name = "nvidia-cuda-runtime-cu12" version = "12.9.79" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (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'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ { url = "https://files.pythonhosted.org/packages/bc/e0/0279bd94539fda525e0c8538db29b72a5a8495b0c12173113471d28bce78/nvidia_cuda_runtime_cu12-12.9.79-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:83469a846206f2a733db0c42e223589ab62fd2fabac4432d2f8802de4bded0a4", size = 3515012, upload-time = "2025-06-05T20:00:35.519Z" }, @@ -1299,7 +9808,7 @@ name = "nvidia-cudnn-cu11" version = "9.1.0.70" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "nvidia-cublas-cu11", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu11", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -1311,12 +9820,16 @@ name = "nvidia-cudnn-cu12" version = "9.1.0.70" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -1325,20 +9838,79 @@ wheels = [ [[package]] name = "nvidia-cudnn-cu12" -version = "9.7.1.26" +version = "9.10.2.21" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.8.3.14", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu12", version = "12.8.4.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/c1/2e/ec5dda717eeb1de3afbbbb611ca556f9d6d057470759c6abd36d72f0063b/nvidia_cudnn_cu12-9.7.1.26-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:848a61d40ef3b32bd4e1fadb599f0cf04a4b942fbe5fb3be572ad75f9b8c53ef", size = 725862213, upload-time = "2025-02-06T22:14:57.169Z" }, - { url = "https://files.pythonhosted.org/packages/25/dc/dc825c4b1c83b538e207e34f48f86063c88deaa35d46c651c7c181364ba2/nvidia_cudnn_cu12-9.7.1.26-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:6d011159a158f3cfc47bf851aea79e31bcff60d530b70ef70474c84cac484d07", size = 726851421, upload-time = "2025-02-06T22:18:29.812Z" }, - { url = "https://files.pythonhosted.org/packages/d0/ea/636cda41b3865caa0d43c34f558167304acde3d2c5f6c54c00a550e69ecd/nvidia_cudnn_cu12-9.7.1.26-py3-none-win_amd64.whl", hash = "sha256:7b805b9a4cf9f3da7c5f4ea4a9dff7baf62d1a612d6154a7e0d2ea51ed296241", size = 715962100, upload-time = "2025-02-06T22:21:32.431Z" }, + { url = "https://files.pythonhosted.org/packages/fa/41/e79269ce215c857c935fd86bcfe91a451a584dfc27f1e068f568b9ad1ab7/nvidia_cudnn_cu12-9.10.2.21-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:c9132cc3f8958447b4910a1720036d9eff5928cc3179b0a51fb6d167c6cc87d8", size = 705026878, upload-time = "2025-06-06T21:52:51.348Z" }, + { url = "https://files.pythonhosted.org/packages/ba/51/e123d997aa098c61d029f76663dedbfb9bc8dcf8c60cbd6adbe42f76d049/nvidia_cudnn_cu12-9.10.2.21-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:949452be657fa16687d0930933f032835951ef0892b37d2d53824d1a84dc97a8", size = 706758467, upload-time = "2025-06-06T21:54:08.597Z" }, + { url = "https://files.pythonhosted.org/packages/3d/90/0bd6e586701b3a890fd38aa71c387dab4883d619d6e5ad912ccbd05bfd67/nvidia_cudnn_cu12-9.10.2.21-py3-none-win_amd64.whl", hash = "sha256:c6288de7d63e6cf62988f0923f96dc339cea362decb1bf5b3141883392a7d65e", size = 692992268, upload-time = "2025-06-06T21:55:18.114Z" }, ] [[package]] @@ -1357,12 +9929,16 @@ name = "nvidia-cufft-cu12" version = "11.2.1.3" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -1372,29 +9948,88 @@ wheels = [ [[package]] name = "nvidia-cufft-cu12" -version = "11.3.3.41" +version = "11.3.3.83" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", version = "12.8.61", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/72/95/6157cb45a49f5090a470de42353a22a0ed5b13077886dca891b4b0e350fe/nvidia_cufft_cu12-11.3.3.41-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:68509dcd7e3306e69d0e2d8a6d21c8b25ed62e6df8aac192ce752f17677398b5", size = 193108626, upload-time = "2025-01-23T17:55:49.192Z" }, - { url = "https://files.pythonhosted.org/packages/ac/26/b53c493c38dccb1f1a42e1a21dc12cba2a77fbe36c652f7726d9ec4aba28/nvidia_cufft_cu12-11.3.3.41-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:da650080ab79fcdf7a4b06aa1b460e99860646b176a43f6208099bdc17836b6a", size = 193118795, upload-time = "2025-01-23T17:56:30.536Z" }, - { url = "https://files.pythonhosted.org/packages/32/f3/f6248aa119c2726b1bdd02d472332cae274133bd32ca5fa8822efb0c308c/nvidia_cufft_cu12-11.3.3.41-py3-none-win_amd64.whl", hash = "sha256:f9760612886786601d27a0993bb29ce1f757e6b8b173499d0ecfa850d31b50f8", size = 192216738, upload-time = "2025-01-23T18:08:51.102Z" }, + { url = "https://files.pythonhosted.org/packages/60/bc/7771846d3a0272026c416fbb7e5f4c1f146d6d80704534d0b187dd6f4800/nvidia_cufft_cu12-11.3.3.83-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:848ef7224d6305cdb2a4df928759dca7b1201874787083b6e7550dd6765ce69a", size = 193109211, upload-time = "2025-03-07T01:44:56.873Z" }, + { url = "https://files.pythonhosted.org/packages/1f/13/ee4e00f30e676b66ae65b4f08cb5bcbb8392c03f54f2d5413ea99a5d1c80/nvidia_cufft_cu12-11.3.3.83-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:4d2dd21ec0b88cf61b62e6b43564355e5222e4a3fb394cac0db101f2dd0d4f74", size = 193118695, upload-time = "2025-03-07T01:45:27.821Z" }, + { url = "https://files.pythonhosted.org/packages/7d/ec/ce1629f1e478bb5ccd208986b5f9e0316a78538dd6ab1d0484f012f8e2a1/nvidia_cufft_cu12-11.3.3.83-py3-none-win_amd64.whl", hash = "sha256:7a64a98ef2a7c47f905aaf8931b69a3a43f27c55530c698bb2ed7c75c0b42cb7", size = 192216559, upload-time = "2025-03-07T01:53:57.106Z" }, ] [[package]] name = "nvidia-cufile-cu12" -version = "1.13.0.11" +version = "1.13.1.3" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e5/9c/1f3264d0a84c8a031487fb7f59780fc78fa6f1c97776233956780e3dc3ac/nvidia_cufile_cu12-1.13.0.11-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:483f434c541806936b98366f6d33caef5440572de8ddf38d453213729da3e7d4", size = 1197801, upload-time = "2025-01-23T17:57:07.247Z" }, - { url = "https://files.pythonhosted.org/packages/35/80/f6a0fc90ab6fa4ac916f3643e5b620fd19724626c59ae83b74f5efef0349/nvidia_cufile_cu12-1.13.0.11-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:2acbee65dc2eaf58331f0798c5e6bcdd790c4acb26347530297e63528c9eba5d", size = 1120660, upload-time = "2025-01-23T17:56:56.608Z" }, + { url = "https://files.pythonhosted.org/packages/bb/fe/1bcba1dfbfb8d01be8d93f07bfc502c93fa23afa6fd5ab3fc7c1df71038a/nvidia_cufile_cu12-1.13.1.3-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1d069003be650e131b21c932ec3d8969c1715379251f8d23a1860554b1cb24fc", size = 1197834, upload-time = "2025-03-07T01:45:50.723Z" }, + { url = "https://files.pythonhosted.org/packages/1e/f5/5607710447a6fe9fd9b3283956fceeee8a06cda1d2f56ce31371f595db2a/nvidia_cufile_cu12-1.13.1.3-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:4beb6d4cce47c1a0f1013d72e02b0994730359e17801d395bdcbf20cfb3bb00a", size = 1120705, upload-time = "2025-03-07T01:45:41.434Z" }, ] [[package]] @@ -1413,9 +10048,13 @@ name = "nvidia-curand-cu12" version = "10.3.5.147" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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" }, @@ -1425,17 +10064,76 @@ wheels = [ [[package]] name = "nvidia-curand-cu12" -version = "10.3.9.55" +version = "10.3.9.90" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/f4/13/bbcf48e2f8a6a9adef58f130bc968810528a4e66bbbe62fad335241e699f/nvidia_curand_cu12-10.3.9.55-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:b6bb90c044fa9b07cedae2ef29077c4cf851fb6fdd6d862102321f359dca81e9", size = 63623836, upload-time = "2025-01-23T17:57:22.319Z" }, - { url = "https://files.pythonhosted.org/packages/bd/fc/7be5d0082507269bb04ac07cc614c84b78749efb96e8cf4100a8a1178e98/nvidia_curand_cu12-10.3.9.55-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:8387d974240c91f6a60b761b83d4b2f9b938b7e0b9617bae0f0dafe4f5c36b86", size = 63618038, upload-time = "2025-01-23T17:57:41.838Z" }, - { url = "https://files.pythonhosted.org/packages/d6/f0/91252f3cffe3f3c233a8e17262c21b41534652edfe783c1e58ea1c92c115/nvidia_curand_cu12-10.3.9.55-py3-none-win_amd64.whl", hash = "sha256:570d82475fe7f3d8ed01ffbe3b71796301e0e24c98762ca018ff8ce4f5418e1f", size = 62761446, upload-time = "2025-01-23T18:09:21.663Z" }, + { url = "https://files.pythonhosted.org/packages/45/5e/92aa15eca622a388b80fbf8375d4760738df6285b1e92c43d37390a33a9a/nvidia_curand_cu12-10.3.9.90-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:dfab99248034673b779bc6decafdc3404a8a6f502462201f2f31f11354204acd", size = 63625754, upload-time = "2025-03-07T01:46:10.735Z" }, + { url = "https://files.pythonhosted.org/packages/fb/aa/6584b56dc84ebe9cf93226a5cde4d99080c8e90ab40f0c27bda7a0f29aa1/nvidia_curand_cu12-10.3.9.90-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:b32331d4f4df5d6eefa0554c565b626c7216f87a06a4f56fab27c3b68a830ec9", size = 63619976, upload-time = "2025-03-07T01:46:23.323Z" }, + { url = "https://files.pythonhosted.org/packages/b9/75/70c05b2f3ed5be3bb30b7102b6eb78e100da4bbf6944fd6725c012831cab/nvidia_curand_cu12-10.3.9.90-py3-none-win_amd64.whl", hash = "sha256:f149a8ca457277da854f89cf282d6ef43176861926c7ac85b2a0fbd237c587ec", size = 62765309, upload-time = "2025-03-07T01:54:20.478Z" }, ] [[package]] @@ -1443,7 +10141,7 @@ name = "nvidia-cusolver-cu11" version = "11.4.1.48" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "nvidia-cublas-cu11", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu11", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -1457,14 +10155,18 @@ name = "nvidia-cusolver-cu12" version = "11.6.1.9" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cusparse-cu12", version = "12.3.1.170", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-nvjitlink-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu12", version = "12.4.5.8", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusparse-cu12", version = "12.3.1.170", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -1474,22 +10176,81 @@ wheels = [ [[package]] name = "nvidia-cusolver-cu12" -version = "11.7.2.55" +version = "11.7.3.90" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "nvidia-cublas-cu12", version = "12.8.3.14", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cusparse-cu12", version = "12.5.7.53", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-nvjitlink-cu12", version = "12.8.61", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu12", version = "12.8.4.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusparse-cu12", version = "12.5.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/8c/ce/4214a892e804b20bf66d04f04a473006fc2d3dac158160ef85f1bc906639/nvidia_cusolver_cu12-11.7.2.55-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:0fd9e98246f43c15bee5561147ad235dfdf2d037f5d07c9d41af3f7f72feb7cc", size = 260094827, upload-time = "2025-01-23T17:58:17.586Z" }, - { url = "https://files.pythonhosted.org/packages/c2/08/953675873a136d96bb12f93b49ba045d1107bc94d2551c52b12fa6c7dec3/nvidia_cusolver_cu12-11.7.2.55-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:4d1354102f1e922cee9db51920dba9e2559877cf6ff5ad03a00d853adafb191b", size = 260373342, upload-time = "2025-01-23T17:58:56.406Z" }, - { url = "https://files.pythonhosted.org/packages/c4/f9/e0e6f8b7aecd13e0f9e937d116fb3211329a0a92b9bea9624b1368de307a/nvidia_cusolver_cu12-11.7.2.55-py3-none-win_amd64.whl", hash = "sha256:a5a516c55da5c5aba98420d9bc9bcab18245f21ec87338cc1f930eb18dd411ac", size = 249600787, upload-time = "2025-01-23T18:10:07.641Z" }, + { url = "https://files.pythonhosted.org/packages/c8/32/f7cd6ce8a7690544d084ea21c26e910a97e077c9b7f07bf5de623ee19981/nvidia_cusolver_cu12-11.7.3.90-py3-none-manylinux_2_27_aarch64.whl", hash = "sha256:db9ed69dbef9715071232caa9b69c52ac7de3a95773c2db65bdba85916e4e5c0", size = 267229841, upload-time = "2025-03-07T01:46:54.356Z" }, + { url = "https://files.pythonhosted.org/packages/85/48/9a13d2975803e8cf2777d5ed57b87a0b6ca2cc795f9a4f59796a910bfb80/nvidia_cusolver_cu12-11.7.3.90-py3-none-manylinux_2_27_x86_64.whl", hash = "sha256:4376c11ad263152bd50ea295c05370360776f8c3427b30991df774f9fb26c450", size = 267506905, upload-time = "2025-03-07T01:47:16.273Z" }, + { url = "https://files.pythonhosted.org/packages/13/c0/76ca8551b8a84146ffa189fec81c26d04adba4bc0dbe09cd6e6fd9b7de04/nvidia_cusolver_cu12-11.7.3.90-py3-none-win_amd64.whl", hash = "sha256:4a550db115fcabc4d495eb7d39ac8b58d4ab5d8e63274d3754df1c0ad6a22d34", size = 256720438, upload-time = "2025-03-07T01:54:39.898Z" }, ] [[package]] @@ -1508,12 +10269,16 @@ name = "nvidia-cusparse-cu12" version = "12.3.1.170" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -1523,20 +10288,79 @@ wheels = [ [[package]] name = "nvidia-cusparse-cu12" -version = "12.5.7.53" +version = "12.5.8.93" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "nvidia-nvjitlink-cu12", version = "12.8.61", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/2e/a2/313db0453087f5324a5900380ca2e57e050c8de76f407b5e11383dc762ae/nvidia_cusparse_cu12-12.5.7.53-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:d869c6146ca80f4305b62e02d924b4aaced936f8173e3cef536a67eed2a91af1", size = 291963692, upload-time = "2025-01-23T17:59:40.325Z" }, - { url = "https://files.pythonhosted.org/packages/c2/ab/31e8149c66213b846c082a3b41b1365b831f41191f9f40c6ddbc8a7d550e/nvidia_cusparse_cu12-12.5.7.53-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:3c1b61eb8c85257ea07e9354606b26397612627fdcd327bfd91ccf6155e7c86d", size = 292064180, upload-time = "2025-01-23T18:00:23.233Z" }, - { url = "https://files.pythonhosted.org/packages/7c/48/64b01653919a3d1d9b5117c156806ab0db8312c7496ff646477a5c1545bf/nvidia_cusparse_cu12-12.5.7.53-py3-none-win_amd64.whl", hash = "sha256:82c201d6781bacf6bb7c654f0446728d0fe596dfdd82ef4a04c204ce3e107441", size = 288767123, upload-time = "2025-01-23T18:11:01.543Z" }, + { url = "https://files.pythonhosted.org/packages/bc/f7/cd777c4109681367721b00a106f491e0d0d15cfa1fd59672ce580ce42a97/nvidia_cusparse_cu12-12.5.8.93-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:9b6c161cb130be1a07a27ea6923df8141f3c295852f4b260c65f18f3e0a091dc", size = 288117129, upload-time = "2025-03-07T01:47:40.407Z" }, + { url = "https://files.pythonhosted.org/packages/c2/f5/e1854cb2f2bcd4280c44736c93550cc300ff4b8c95ebe370d0aa7d2b473d/nvidia_cusparse_cu12-12.5.8.93-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1ec05d76bbbd8b61b06a80e1eaf8cf4959c3d4ce8e711b65ebd0443bb0ebb13b", size = 288216466, upload-time = "2025-03-07T01:48:13.779Z" }, + { url = "https://files.pythonhosted.org/packages/62/07/f3b2ad63f8e3d257a599f422ae34eb565e70c41031aecefa3d18b62cabd1/nvidia_cusparse_cu12-12.5.8.93-py3-none-win_amd64.whl", hash = "sha256:9a33604331cb2cac199f2e7f5104dfbb8a5a898c367a53dfda9ff2acb6b6b4dd", size = 284937404, upload-time = "2025-03-07T01:55:07.742Z" }, ] [[package]] @@ -1544,9 +10368,13 @@ name = "nvidia-cusparselt-cu12" version = "0.6.2" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] 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" }, @@ -1556,17 +10384,76 @@ wheels = [ [[package]] name = "nvidia-cusparselt-cu12" -version = "0.6.3" +version = "0.7.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/62/da/4de092c61c6dea1fc9c936e69308a02531d122e12f1f649825934ad651b5/nvidia_cusparselt_cu12-0.6.3-py3-none-manylinux2014_aarch64.whl", hash = "sha256:8371549623ba601a06322af2133c4a44350575f5a3108fb75f3ef20b822ad5f1", size = 156402859, upload-time = "2024-10-16T02:23:17.184Z" }, - { url = "https://files.pythonhosted.org/packages/3b/9a/72ef35b399b0e183bc2e8f6f558036922d453c4d8237dab26c666a04244b/nvidia_cusparselt_cu12-0.6.3-py3-none-manylinux2014_x86_64.whl", hash = "sha256:e5c8a26c36445dd2e6812f1177978a24e2d37cacce7e090f297a688d1ec44f46", size = 156785796, upload-time = "2024-10-15T21:29:17.709Z" }, - { url = "https://files.pythonhosted.org/packages/46/3e/9e1e394a02a06f694be2c97bbe47288bb7c90ea84c7e9cf88f7b28afe165/nvidia_cusparselt_cu12-0.6.3-py3-none-win_amd64.whl", hash = "sha256:3b325bcbd9b754ba43df5a311488fca11a6b5dc3d11df4d190c000cf1a0765c7", size = 155595972, upload-time = "2024-10-15T22:58:35.426Z" }, + { url = "https://files.pythonhosted.org/packages/73/b9/598f6ff36faaece4b3c50d26f50e38661499ff34346f00e057760b35cc9d/nvidia_cusparselt_cu12-0.7.1-py3-none-manylinux2014_aarch64.whl", hash = "sha256:8878dce784d0fac90131b6817b607e803c36e629ba34dc5b433471382196b6a5", size = 283835557, upload-time = "2025-02-26T00:16:54.265Z" }, + { url = "https://files.pythonhosted.org/packages/56/79/12978b96bd44274fe38b5dde5cfb660b1d114f70a65ef962bcbbed99b549/nvidia_cusparselt_cu12-0.7.1-py3-none-manylinux2014_x86_64.whl", hash = "sha256:f1bb701d6b930d5a7cea44c19ceb973311500847f81b634d802b7b539dc55623", size = 287193691, upload-time = "2025-02-26T00:15:44.104Z" }, + { url = "https://files.pythonhosted.org/packages/2f/d8/a6b0d0d0c2435e9310f3e2bb0d9c9dd4c33daef86aa5f30b3681defd37ea/nvidia_cusparselt_cu12-0.7.1-py3-none-win_amd64.whl", hash = "sha256:f67fbb5831940ec829c9117b7f33807db9f9678dc2a617fbe781cac17b4e1075", size = 271020911, upload-time = "2025-02-26T00:14:47.204Z" }, ] [[package]] @@ -1582,9 +10469,13 @@ name = "nvidia-nccl-cu12" version = "2.21.5" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] 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" }, @@ -1592,16 +10483,82 @@ wheels = [ [[package]] name = "nvidia-nccl-cu12" -version = "2.26.2" +version = "2.27.3" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/4b/7b/8354b784cf73b0ba51e566b4baba3ddd44fe8288a3d39ef1e06cd5417226/nvidia_nccl_cu12-2.27.3-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:9ddf1a245abc36c550870f26d537a9b6087fb2e2e3d6e0ef03374c6fd19d984f", size = 322397768, upload-time = "2025-06-03T21:57:30.234Z" }, + { url = "https://files.pythonhosted.org/packages/5c/5b/4e4fff7bad39adf89f735f2bc87248c81db71205b62bcc0d5ca5b606b3c3/nvidia_nccl_cu12-2.27.3-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:adf27ccf4238253e0b826bce3ff5fa532d65fc42322c8bfdfaf28024c0fbe039", size = 322364134, upload-time = "2025-06-03T21:58:04.013Z" }, +] + +[[package]] +name = "nvidia-nccl-cu12" +version = "2.27.5" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/69/5b/ca2f213f637305633814ae8c36b153220e40a07ea001966dcd87391f3acb/nvidia_nccl_cu12-2.26.2-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:5c196e95e832ad30fbbb50381eb3cbd1fadd5675e587a548563993609af19522", size = 291671495, upload-time = "2025-03-13T00:30:07.805Z" }, - { url = "https://files.pythonhosted.org/packages/67/ca/f42388aed0fddd64ade7493dbba36e1f534d4e6fdbdd355c6a90030ae028/nvidia_nccl_cu12-2.26.2-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:694cf3879a206553cc9d7dbda76b13efaf610fdb70a50cba303de1b0d1530ac6", size = 201319755, upload-time = "2025-03-13T00:29:55.296Z" }, + { url = "https://files.pythonhosted.org/packages/bb/1c/857979db0ef194ca5e21478a0612bcdbbe59458d7694361882279947b349/nvidia_nccl_cu12-2.27.5-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:31432ad4d1fb1004eb0c56203dc9bc2178a1ba69d1d9e02d64a6938ab5e40e7a", size = 322400625, upload-time = "2025-06-26T04:11:04.496Z" }, + { url = "https://files.pythonhosted.org/packages/6e/89/f7a07dc961b60645dbbf42e80f2bc85ade7feb9a491b11a1e973aa00071f/nvidia_nccl_cu12-2.27.5-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ad730cf15cb5d25fe849c6e6ca9eb5b76db16a80f13f425ac68d8e2e55624457", size = 322348229, upload-time = "2025-06-26T04:11:28.385Z" }, ] [[package]] @@ -1609,9 +10566,13 @@ name = "nvidia-nvjitlink-cu12" version = "12.4.127" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] 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" }, @@ -1621,17 +10582,85 @@ wheels = [ [[package]] name = "nvidia-nvjitlink-cu12" -version = "12.8.61" +version = "12.8.93" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/f6/74/86a07f1d0f42998ca31312f998bd3b9a7eff7f52378f4f270c8679c77fb9/nvidia_nvjitlink_cu12-12.8.93-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:81ff63371a7ebd6e6451970684f916be2eab07321b73c9d244dc2b4da7f73b88", size = 39254836, upload-time = "2025-03-07T01:49:55.661Z" }, + { url = "https://files.pythonhosted.org/packages/2a/a2/8cee5da30d13430e87bf99bb33455d2724d0a4a9cb5d7926d80ccb96d008/nvidia_nvjitlink_cu12-12.8.93-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:adccd7161ace7261e01bb91e44e88da350895c270d23f744f0820c818b7229e7", size = 38386204, upload-time = "2025-03-07T01:49:43.612Z" }, + { url = "https://files.pythonhosted.org/packages/ed/d7/34f02dad2e30c31b10a51f6b04e025e5dd60e5f936af9045a9b858a05383/nvidia_nvjitlink_cu12-12.8.93-py3-none-win_amd64.whl", hash = "sha256:bd93fbeeee850917903583587f4fc3a4eafa022e34572251368238ab5e6bd67f", size = 268553710, upload-time = "2025-03-07T01:56:24.13Z" }, ] + +[[package]] +name = "nvidia-nvshmem-cu12" +version = "3.3.20" +source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/03/f8/9d85593582bd99b8d7c65634d2304780aefade049b2b94d96e44084be90b/nvidia_nvjitlink_cu12-12.8.61-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:45fd79f2ae20bd67e8bc411055939049873bfd8fac70ff13bd4865e0b9bdab17", size = 39243473, upload-time = "2025-01-23T18:03:03.509Z" }, - { url = "https://files.pythonhosted.org/packages/af/53/698f3758f48c5fcb1112721e40cc6714da3980d3c7e93bae5b29dafa9857/nvidia_nvjitlink_cu12-12.8.61-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:9b80ecab31085dda3ce3b41d043be0ec739216c3fc633b8abe212d5a30026df0", size = 38374634, upload-time = "2025-01-23T18:02:35.812Z" }, - { url = "https://files.pythonhosted.org/packages/7f/c6/0d1b2bfeb2ef42c06db0570c4d081e5cde4450b54c09e43165126cfe6ff6/nvidia_nvjitlink_cu12-12.8.61-py3-none-win_amd64.whl", hash = "sha256:1166a964d25fdc0eae497574d38824305195a5283324a21ccb0ce0c802cbf41c", size = 268514099, upload-time = "2025-01-23T18:12:33.874Z" }, + { url = "https://files.pythonhosted.org/packages/92/9d/3dd98852568fb845ec1f7902c90a22b240fe1cbabda411ccedf2fd737b7b/nvidia_nvshmem_cu12-3.3.20-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:0b0b960da3842212758e4fa4696b94f129090b30e5122fea3c5345916545cff0", size = 124484616, upload-time = "2025-08-04T20:24:59.172Z" }, + { url = "https://files.pythonhosted.org/packages/3b/6c/99acb2f9eb85c29fc6f3a7ac4dccfd992e22666dd08a642b303311326a97/nvidia_nvshmem_cu12-3.3.20-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:d00f26d3f9b2e3c3065be895e3059d6479ea5c638a3f38c9fec49b1b9dd7c1e5", size = 124657145, upload-time = "2025-08-04T20:25:19.995Z" }, ] [[package]] @@ -1650,9 +10679,13 @@ name = "nvidia-nvtx-cu12" version = "12.4.127" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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" }, @@ -1662,75 +10695,301 @@ wheels = [ [[package]] name = "nvidia-nvtx-cu12" -version = "12.8.55" +version = "12.8.90" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] wheels = [ - { url = "https://files.pythonhosted.org/packages/bb/e8/ae6ecbdade8bb9174d75db2b302c57c1c27d9277d6531c62aafde5fb32a3/nvidia_nvtx_cu12-12.8.55-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:c38405335fbc0f0bf363eaeaeb476e8dfa8bae82fada41d25ace458b9ba9f3db", size = 91103, upload-time = "2025-01-23T17:50:24.664Z" }, - { url = "https://files.pythonhosted.org/packages/8d/cd/0e8c51b2ae3a58f054f2e7fe91b82d201abfb30167f2431e9bd92d532f42/nvidia_nvtx_cu12-12.8.55-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:2dd0780f1a55c21d8e06a743de5bd95653de630decfff40621dbde78cc307102", size = 89896, upload-time = "2025-01-23T17:50:44.487Z" }, - { url = "https://files.pythonhosted.org/packages/e5/14/84d46e62bfde46dd20cfb041e0bb5c2ec454fd6a384696e7fa3463c5bb59/nvidia_nvtx_cu12-12.8.55-py3-none-win_amd64.whl", hash = "sha256:9022681677aef1313458f88353ad9c0d2fbbe6402d6b07c9f00ba0e3ca8774d3", size = 56435, upload-time = "2025-01-23T18:06:06.268Z" }, + { url = "https://files.pythonhosted.org/packages/10/c0/1b303feea90d296f6176f32a2a70b5ef230f9bdeb3a72bddb0dc922dc137/nvidia_nvtx_cu12-12.8.90-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:d7ad891da111ebafbf7e015d34879f7112832fc239ff0d7d776b6cb685274615", size = 91161, upload-time = "2025-03-07T01:42:23.922Z" }, + { url = "https://files.pythonhosted.org/packages/a2/eb/86626c1bbc2edb86323022371c39aa48df6fd8b0a1647bc274577f72e90b/nvidia_nvtx_cu12-12.8.90-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:5b17e2001cc0d751a5bc2c6ec6d26ad95913324a4adb86788c944f8ce9ba441f", size = 89954, upload-time = "2025-03-07T01:42:44.131Z" }, + { url = "https://files.pythonhosted.org/packages/9f/99/4c9c0c329bf9fc125008c3b54c7c94c0023518d06fc025ae36431375e1fe/nvidia_nvtx_cu12-12.8.90-py3-none-win_amd64.whl", hash = "sha256:619c8304aedc69f02ea82dd244541a83c3d9d40993381b3b590f1adaed3db41e", size = 56492, upload-time = "2025-03-07T01:52:24.69Z" }, ] [[package]] name = "onnx" -version = "1.18.0" +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/3d/60/e56e8ec44ed34006e6d4a73c92a04d9eea6163cc12440e35045aec069175/onnx-1.18.0.tar.gz", hash = "sha256:3d8dbf9e996629131ba3aa1afd1d8239b660d1f830c6688dd7e03157cccd6b9c", size = 12563009, upload-time = "2025-05-12T22:03:09.626Z" } +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/8e/e3/ab8a09c0af43373e0422de461956a1737581325260659aeffae22a7dad18/onnx-1.18.0-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:4a3b50d94620e2c7c1404d1d59bc53e665883ae3fecbd856cc86da0639fd0fc3", size = 18280145, upload-time = "2025-05-12T22:01:49.875Z" }, - { url = "https://files.pythonhosted.org/packages/04/5b/3cfd183961a0a872fe29c95f8d07264890ec65c75c94b99a4dabc950df29/onnx-1.18.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e189652dad6e70a0465035c55cc565c27aa38803dd4f4e74e4b952ee1c2de94b", size = 17422721, upload-time = "2025-05-12T22:01:52.841Z" }, - { url = "https://files.pythonhosted.org/packages/58/52/fa649429016c5790f68c614cdebfbefd3e72ba1c458966305297d540f713/onnx-1.18.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bfb1f271b1523b29f324bfd223f6a4cfbdc5a2f2f16e73563671932d33663365", size = 17584220, upload-time = "2025-05-12T22:01:56.458Z" }, - { url = "https://files.pythonhosted.org/packages/42/52/dc166de41a5f72738b0bdfb2a19e0ebe4743cf3ecc9ae381ea3425bcb332/onnx-1.18.0-cp310-cp310-win32.whl", hash = "sha256:e03071041efd82e0317b3c45433b2f28146385b80f26f82039bc68048ac1a7a0", size = 15734494, upload-time = "2025-05-12T22:01:59.704Z" }, - { url = "https://files.pythonhosted.org/packages/a6/f9/e766a3b85b7651ddfc5f9648e0e9dc24e88b7e88ea7f8c23187530e818ea/onnx-1.18.0-cp310-cp310-win_amd64.whl", hash = "sha256:9235b3493951e11e75465d56f4cd97e3e9247f096160dd3466bfabe4cbc938bc", size = 15848421, upload-time = "2025-05-12T22:02:03.01Z" }, - { url = "https://files.pythonhosted.org/packages/ed/3a/a336dac4db1eddba2bf577191e5b7d3e4c26fcee5ec518a5a5b11d13540d/onnx-1.18.0-cp311-cp311-macosx_12_0_universal2.whl", hash = "sha256:735e06d8d0cf250dc498f54038831401063c655a8d6e5975b2527a4e7d24be3e", size = 18281831, upload-time = "2025-05-12T22:02:06.429Z" }, - { url = "https://files.pythonhosted.org/packages/02/3a/56475a111120d1e5d11939acbcbb17c92198c8e64a205cd68e00bdfd8a1f/onnx-1.18.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:73160799472e1a86083f786fecdf864cf43d55325492a9b5a1cfa64d8a523ecc", size = 17424359, upload-time = "2025-05-12T22:02:09.866Z" }, - { url = "https://files.pythonhosted.org/packages/cf/03/5eb5e9ef446ed9e78c4627faf3c1bc25e0f707116dd00e9811de232a8df5/onnx-1.18.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6acafb3823238bbe8f4340c7ac32fb218689442e074d797bee1c5c9a02fdae75", size = 17586006, upload-time = "2025-05-12T22:02:13.217Z" }, - { url = "https://files.pythonhosted.org/packages/b0/4e/70943125729ce453271a6e46bb847b4a612496f64db6cbc6cb1f49f41ce1/onnx-1.18.0-cp311-cp311-win32.whl", hash = "sha256:4c8c4bbda760c654e65eaffddb1a7de71ec02e60092d33f9000521f897c99be9", size = 15734988, upload-time = "2025-05-12T22:02:16.561Z" }, - { url = "https://files.pythonhosted.org/packages/44/b0/435fd764011911e8f599e3361f0f33425b1004662c1ea33a0ad22e43db2d/onnx-1.18.0-cp311-cp311-win_amd64.whl", hash = "sha256:a5810194f0f6be2e58c8d6dedc6119510df7a14280dd07ed5f0f0a85bd74816a", size = 15849576, upload-time = "2025-05-12T22:02:19.569Z" }, - { url = "https://files.pythonhosted.org/packages/6c/f0/9e31f4b4626d60f1c034f71b411810bc9fafe31f4e7dd3598effd1b50e05/onnx-1.18.0-cp311-cp311-win_arm64.whl", hash = "sha256:aa1b7483fac6cdec26922174fc4433f8f5c2f239b1133c5625063bb3b35957d0", size = 15822961, upload-time = "2025-05-12T22:02:22.735Z" }, - { url = "https://files.pythonhosted.org/packages/a7/fe/16228aca685392a7114625b89aae98b2dc4058a47f0f467a376745efe8d0/onnx-1.18.0-cp312-cp312-macosx_12_0_universal2.whl", hash = "sha256:521bac578448667cbb37c50bf05b53c301243ede8233029555239930996a625b", size = 18285770, upload-time = "2025-05-12T22:02:26.116Z" }, - { url = "https://files.pythonhosted.org/packages/1e/77/ba50a903a9b5e6f9be0fa50f59eb2fca4a26ee653375408fbc72c3acbf9f/onnx-1.18.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e4da451bf1c5ae381f32d430004a89f0405bc57a8471b0bddb6325a5b334aa40", size = 17421291, upload-time = "2025-05-12T22:02:29.645Z" }, - { url = "https://files.pythonhosted.org/packages/11/23/25ec2ba723ac62b99e8fed6d7b59094dadb15e38d4c007331cc9ae3dfa5f/onnx-1.18.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:99afac90b4cdb1471432203c3c1f74e16549c526df27056d39f41a9a47cfb4af", size = 17584084, upload-time = "2025-05-12T22:02:32.789Z" }, - { url = "https://files.pythonhosted.org/packages/6a/4d/2c253a36070fb43f340ff1d2c450df6a9ef50b938adcd105693fee43c4ee/onnx-1.18.0-cp312-cp312-win32.whl", hash = "sha256:ee159b41a3ae58d9c7341cf432fc74b96aaf50bd7bb1160029f657b40dc69715", size = 15734892, upload-time = "2025-05-12T22:02:35.527Z" }, - { url = "https://files.pythonhosted.org/packages/e8/92/048ba8fafe6b2b9a268ec2fb80def7e66c0b32ab2cae74de886981f05a27/onnx-1.18.0-cp312-cp312-win_amd64.whl", hash = "sha256:102c04edc76b16e9dfeda5a64c1fccd7d3d2913b1544750c01d38f1ac3c04e05", size = 15850336, upload-time = "2025-05-12T22:02:38.545Z" }, - { url = "https://files.pythonhosted.org/packages/a1/66/bbc4ffedd44165dcc407a51ea4c592802a5391ce3dc94aa5045350f64635/onnx-1.18.0-cp312-cp312-win_arm64.whl", hash = "sha256:911b37d724a5d97396f3c2ef9ea25361c55cbc9aa18d75b12a52b620b67145af", size = 15823802, upload-time = "2025-05-12T22:02:42.037Z" }, + { 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/7e/d1/8fb1353fea46def2e20da2f7cec8a93689f68187fe961ff94ff3a71019b8/onnx-1.19.1-cp39-cp39-macosx_12_0_universal2.whl", hash = "sha256:2980de39df1f5afd005a8aeb0b35703dbbab8e4012bcec1634febbdfb8654da8", size = 18319321, upload-time = "2025-10-10T04:01:18.693Z" }, + { url = "https://files.pythonhosted.org/packages/41/a6/70804af35f9966642a0273836abc8ca4a570286439fe7fd64e0361917b11/onnx-1.19.1-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:bf35f7abc7096df2bb0171102fa7d89ba4a5f5407e3b352ee27bb5e1867e0f19", size = 18043528, upload-time = "2025-10-10T04:01:21.747Z" }, + { url = "https://files.pythonhosted.org/packages/d0/c4/3fc2ed4d39e481dfd922ad25a64de775205d74e1215b23922d393c379496/onnx-1.19.1-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:cc81f200ed98bd0ced53c3f0fdb8164a42e2b8582a1fa9cb8aeb01b64367c7f4", size = 18216912, upload-time = "2025-10-10T04:01:24.953Z" }, + { url = "https://files.pythonhosted.org/packages/8b/47/55a9aabcc5deab48a90c68f23ad2da3eaa665b2dad7bc883994446486af8/onnx-1.19.1-cp39-cp39-win32.whl", hash = "sha256:a2e51118c3db00b169cac8170d94d832c2ffe80935563ced596182d4baa6fcb4", size = 16344419, upload-time = "2025-10-10T04:01:28.128Z" }, + { url = "https://files.pythonhosted.org/packages/13/78/b4562507ea247ea14507ba5e4a2882771d0f9d495ee7914e73e03a2fab1c/onnx-1.19.1-cp39-cp39-win_amd64.whl", hash = "sha256:4650d053c7c26e40a080b7378d61446958d6da4e217e1d0d422eb9264f8064ae", size = 16477933, upload-time = "2025-10-10T04:01:31.209Z" }, ] [[package]] name = "onnxruntime" -version = "1.22.0" +version = "1.20.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "coloredlogs", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "flatbuffers", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "protobuf", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/4e/28/99f903b0eb1cd6f3faa0e343217d9fb9f47b84bca98bd9859884631336ee/onnxruntime-1.20.1-cp310-cp310-macosx_13_0_universal2.whl", hash = "sha256:e50ba5ff7fed4f7d9253a6baf801ca2883cc08491f9d32d78a80da57256a5439", size = 30996314, upload-time = "2024-11-21T00:48:31.43Z" }, + { url = "https://files.pythonhosted.org/packages/6d/c6/c4c0860bee2fde6037bdd9dcd12d323f6e38cf00fcc9a5065b394337fc55/onnxruntime-1.20.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:7b2908b50101a19e99c4d4e97ebb9905561daf61829403061c1adc1b588bc0de", size = 11954010, upload-time = "2024-11-21T00:48:35.254Z" }, + { url = "https://files.pythonhosted.org/packages/63/47/3dc0b075ab539f16b3d8b09df6b504f51836086ee709690a6278d791737d/onnxruntime-1.20.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d82daaec24045a2e87598b8ac2b417b1cce623244e80e663882e9fe1aae86410", size = 13330452, upload-time = "2024-11-21T00:48:40.02Z" }, + { url = "https://files.pythonhosted.org/packages/27/ef/80fab86289ecc01a734b7ddf115dfb93d8b2e004bd1e1977e12881c72b12/onnxruntime-1.20.1-cp310-cp310-win32.whl", hash = "sha256:4c4b251a725a3b8cf2aab284f7d940c26094ecd9d442f07dd81ab5470e99b83f", size = 9813849, upload-time = "2024-11-21T00:48:43.569Z" }, + { url = "https://files.pythonhosted.org/packages/a9/e6/33ab10066c9875a29d55e66ae97c3bf91b9b9b987179455d67c32261a49c/onnxruntime-1.20.1-cp310-cp310-win_amd64.whl", hash = "sha256:d3b616bb53a77a9463707bb313637223380fc327f5064c9a782e8ec69c22e6a2", size = 11329702, upload-time = "2024-11-21T00:48:46.599Z" }, + { url = "https://files.pythonhosted.org/packages/95/8d/2634e2959b34aa8a0037989f4229e9abcfa484e9c228f99633b3241768a6/onnxruntime-1.20.1-cp311-cp311-macosx_13_0_universal2.whl", hash = "sha256:06bfbf02ca9ab5f28946e0f912a562a5f005301d0c419283dc57b3ed7969bb7b", size = 30998725, upload-time = "2024-11-21T00:48:51.013Z" }, + { url = "https://files.pythonhosted.org/packages/a5/da/c44bf9bd66cd6d9018a921f053f28d819445c4d84b4dd4777271b0fe52a2/onnxruntime-1.20.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f6243e34d74423bdd1edf0ae9596dd61023b260f546ee17d701723915f06a9f7", size = 11955227, upload-time = "2024-11-21T00:48:54.556Z" }, + { url = "https://files.pythonhosted.org/packages/11/ac/4120dfb74c8e45cce1c664fc7f7ce010edd587ba67ac41489f7432eb9381/onnxruntime-1.20.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:5eec64c0269dcdb8d9a9a53dc4d64f87b9e0c19801d9321246a53b7eb5a7d1bc", size = 13331703, upload-time = "2024-11-21T00:48:57.97Z" }, + { url = "https://files.pythonhosted.org/packages/12/f1/cefacac137f7bb7bfba57c50c478150fcd3c54aca72762ac2c05ce0532c1/onnxruntime-1.20.1-cp311-cp311-win32.whl", hash = "sha256:a19bc6e8c70e2485a1725b3d517a2319603acc14c1f1a017dda0afe6d4665b41", size = 9813977, upload-time = "2024-11-21T00:49:00.519Z" }, + { url = "https://files.pythonhosted.org/packages/2c/2d/2d4d202c0bcfb3a4cc2b171abb9328672d7f91d7af9ea52572722c6d8d96/onnxruntime-1.20.1-cp311-cp311-win_amd64.whl", hash = "sha256:8508887eb1c5f9537a4071768723ec7c30c28eb2518a00d0adcd32c89dea3221", size = 11329895, upload-time = "2024-11-21T00:49:03.845Z" }, + { url = "https://files.pythonhosted.org/packages/e5/39/9335e0874f68f7d27103cbffc0e235e32e26759202df6085716375c078bb/onnxruntime-1.20.1-cp312-cp312-macosx_13_0_universal2.whl", hash = "sha256:22b0655e2bf4f2161d52706e31f517a0e54939dc393e92577df51808a7edc8c9", size = 31007580, upload-time = "2024-11-21T00:49:07.029Z" }, + { url = "https://files.pythonhosted.org/packages/c5/9d/a42a84e10f1744dd27c6f2f9280cc3fb98f869dd19b7cd042e391ee2ab61/onnxruntime-1.20.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:f1f56e898815963d6dc4ee1c35fc6c36506466eff6d16f3cb9848cea4e8c8172", size = 11952833, upload-time = "2024-11-21T00:49:10.563Z" }, + { url = "https://files.pythonhosted.org/packages/47/42/2f71f5680834688a9c81becbe5c5bb996fd33eaed5c66ae0606c3b1d6a02/onnxruntime-1.20.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bb71a814f66517a65628c9e4a2bb530a6edd2cd5d87ffa0af0f6f773a027d99e", size = 13333903, upload-time = "2024-11-21T00:49:12.984Z" }, + { url = "https://files.pythonhosted.org/packages/c8/f1/aabfdf91d013320aa2fc46cf43c88ca0182860ff15df872b4552254a9680/onnxruntime-1.20.1-cp312-cp312-win32.whl", hash = "sha256:bd386cc9ee5f686ee8a75ba74037750aca55183085bf1941da8efcfe12d5b120", size = 9814562, upload-time = "2024-11-21T00:49:15.453Z" }, + { url = "https://files.pythonhosted.org/packages/dd/80/76979e0b744307d488c79e41051117634b956612cc731f1028eb17ee7294/onnxruntime-1.20.1-cp312-cp312-win_amd64.whl", hash = "sha256:19c2d843eb074f385e8bbb753a40df780511061a63f9def1b216bf53860223fb", size = 11331482, upload-time = "2024-11-21T00:49:19.412Z" }, +] + +[[package]] +name = "onnxruntime" +version = "1.22.1" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "coloredlogs" }, - { name = "flatbuffers" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "protobuf" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "coloredlogs", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "flatbuffers", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "protobuf", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://files.pythonhosted.org/packages/67/3c/c99b21646a782b89c33cffd96fdee02a81bc43f0cb651de84d58ec11e30e/onnxruntime-1.22.0-cp310-cp310-macosx_13_0_universal2.whl", hash = "sha256:85d8826cc8054e4d6bf07f779dc742a363c39094015bdad6a08b3c18cfe0ba8c", size = 34273493, upload-time = "2025-05-09T20:25:55.66Z" }, - { url = "https://files.pythonhosted.org/packages/54/ab/fd9a3b5285008c060618be92e475337fcfbf8689787953d37273f7b52ab0/onnxruntime-1.22.0-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:468c9502a12f6f49ec335c2febd22fdceecc1e4cc96dfc27e419ba237dff5aff", size = 14445346, upload-time = "2025-05-09T20:25:41.322Z" }, - { url = "https://files.pythonhosted.org/packages/1f/ca/a5625644bc079e04e3076a5ac1fb954d1e90309b8eb987a4f800732ffee6/onnxruntime-1.22.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:681fe356d853630a898ee05f01ddb95728c9a168c9460e8361d0a240c9b7cb97", size = 16392959, upload-time = "2025-05-09T20:26:09.047Z" }, - { url = "https://files.pythonhosted.org/packages/6d/6b/8267490476e8d4dd1883632c7e46a4634384c7ff1c35ae44edc8ab0bb7a9/onnxruntime-1.22.0-cp310-cp310-win_amd64.whl", hash = "sha256:20bca6495d06925631e201f2b257cc37086752e8fe7b6c83a67c6509f4759bc9", size = 12689974, upload-time = "2025-05-12T21:26:09.704Z" }, - { url = "https://files.pythonhosted.org/packages/7a/08/c008711d1b92ff1272f4fea0fbee57723171f161d42e5c680625535280af/onnxruntime-1.22.0-cp311-cp311-macosx_13_0_universal2.whl", hash = "sha256:8d6725c5b9a681d8fe72f2960c191a96c256367887d076b08466f52b4e0991df", size = 34282151, upload-time = "2025-05-09T20:25:59.246Z" }, - { url = "https://files.pythonhosted.org/packages/3e/8b/22989f6b59bc4ad1324f07a945c80b9ab825f0a581ad7a6064b93716d9b7/onnxruntime-1.22.0-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:fef17d665a917866d1f68f09edc98223b9a27e6cb167dec69da4c66484ad12fd", size = 14446302, upload-time = "2025-05-09T20:25:44.299Z" }, - { url = "https://files.pythonhosted.org/packages/7a/d5/aa83d084d05bc8f6cf8b74b499c77431ffd6b7075c761ec48ec0c161a47f/onnxruntime-1.22.0-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b978aa63a9a22095479c38371a9b359d4c15173cbb164eaad5f2cd27d666aa65", size = 16393496, upload-time = "2025-05-09T20:26:11.588Z" }, - { url = "https://files.pythonhosted.org/packages/89/a5/1c6c10322201566015183b52ef011dfa932f5dd1b278de8d75c3b948411d/onnxruntime-1.22.0-cp311-cp311-win_amd64.whl", hash = "sha256:03d3ef7fb11adf154149d6e767e21057e0e577b947dd3f66190b212528e1db31", size = 12691517, upload-time = "2025-05-12T21:26:13.354Z" }, - { url = "https://files.pythonhosted.org/packages/4d/de/9162872c6e502e9ac8c99a98a8738b2fab408123d11de55022ac4f92562a/onnxruntime-1.22.0-cp312-cp312-macosx_13_0_universal2.whl", hash = "sha256:f3c0380f53c1e72a41b3f4d6af2ccc01df2c17844072233442c3a7e74851ab97", size = 34298046, upload-time = "2025-05-09T20:26:02.399Z" }, - { url = "https://files.pythonhosted.org/packages/03/79/36f910cd9fc96b444b0e728bba14607016079786adf032dae61f7c63b4aa/onnxruntime-1.22.0-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:c8601128eaef79b636152aea76ae6981b7c9fc81a618f584c15d78d42b310f1c", size = 14443220, upload-time = "2025-05-09T20:25:47.078Z" }, - { url = "https://files.pythonhosted.org/packages/8c/60/16d219b8868cc8e8e51a68519873bdb9f5f24af080b62e917a13fff9989b/onnxruntime-1.22.0-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:6964a975731afc19dc3418fad8d4e08c48920144ff590149429a5ebe0d15fb3c", size = 16406377, upload-time = "2025-05-09T20:26:14.478Z" }, - { url = "https://files.pythonhosted.org/packages/36/b4/3f1c71ce1d3d21078a6a74c5483bfa2b07e41a8d2b8fb1e9993e6a26d8d3/onnxruntime-1.22.0-cp312-cp312-win_amd64.whl", hash = "sha256:c0d534a43d1264d1273c2d4f00a5a588fa98d21117a3345b7104fa0bbcaadb9a", size = 12692233, upload-time = "2025-05-12T21:26:16.963Z" }, + { url = "https://files.pythonhosted.org/packages/76/b9/664a1ffee62fa51529fac27b37409d5d28cadee8d97db806fcba68339b7e/onnxruntime-1.22.1-cp310-cp310-macosx_13_0_universal2.whl", hash = "sha256:80e7f51da1f5201c1379b8d6ef6170505cd800e40da216290f5e06be01aadf95", size = 34319864, upload-time = "2025-07-10T19:15:15.371Z" }, + { url = "https://files.pythonhosted.org/packages/b9/64/bc7221e92c994931024e22b22401b962c299e991558c3d57f7e34538b4b9/onnxruntime-1.22.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b89ddfdbbdaf7e3a59515dee657f6515601d55cb21a0f0f48c81aefc54ff1b73", size = 14472246, upload-time = "2025-07-10T19:15:19.403Z" }, + { url = "https://files.pythonhosted.org/packages/84/57/901eddbfb59ac4d008822b236450d5765cafcd450c787019416f8d3baf11/onnxruntime-1.22.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bddc75868bcf6f9ed76858a632f65f7b1846bdcefc6d637b1e359c2c68609964", size = 16459905, upload-time = "2025-07-10T19:15:21.749Z" }, + { url = "https://files.pythonhosted.org/packages/de/90/d6a1eb9b47e66a18afe7d1cf7cf0b2ef966ffa6f44d9f32d94c2be2860fb/onnxruntime-1.22.1-cp310-cp310-win_amd64.whl", hash = "sha256:01e2f21b2793eb0c8642d2be3cee34cc7d96b85f45f6615e4e220424158877ce", size = 12689001, upload-time = "2025-07-10T19:15:23.848Z" }, + { url = "https://files.pythonhosted.org/packages/82/ff/4a1a6747e039ef29a8d4ee4510060e9a805982b6da906a3da2306b7a3be6/onnxruntime-1.22.1-cp311-cp311-macosx_13_0_universal2.whl", hash = "sha256:f4581bccb786da68725d8eac7c63a8f31a89116b8761ff8b4989dc58b61d49a0", size = 34324148, upload-time = "2025-07-10T19:15:26.584Z" }, + { url = "https://files.pythonhosted.org/packages/0b/05/9f1929723f1cca8c9fb1b2b97ac54ce61362c7201434d38053ea36ee4225/onnxruntime-1.22.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:7ae7526cf10f93454beb0f751e78e5cb7619e3b92f9fc3bd51aa6f3b7a8977e5", size = 14473779, upload-time = "2025-07-10T19:15:30.183Z" }, + { url = "https://files.pythonhosted.org/packages/59/f3/c93eb4167d4f36ea947930f82850231f7ce0900cb00e1a53dc4995b60479/onnxruntime-1.22.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f6effa1299ac549a05c784d50292e3378dbbf010346ded67400193b09ddc2f04", size = 16460799, upload-time = "2025-07-10T19:15:33.005Z" }, + { url = "https://files.pythonhosted.org/packages/a8/01/e536397b03e4462d3260aee5387e6f606c8fa9d2b20b1728f988c3c72891/onnxruntime-1.22.1-cp311-cp311-win_amd64.whl", hash = "sha256:f28a42bb322b4ca6d255531bb334a2b3e21f172e37c1741bd5e66bc4b7b61f03", size = 12689881, upload-time = "2025-07-10T19:15:35.501Z" }, + { url = "https://files.pythonhosted.org/packages/48/70/ca2a4d38a5deccd98caa145581becb20c53684f451e89eb3a39915620066/onnxruntime-1.22.1-cp312-cp312-macosx_13_0_universal2.whl", hash = "sha256:a938d11c0dc811badf78e435daa3899d9af38abee950d87f3ab7430eb5b3cf5a", size = 34342883, upload-time = "2025-07-10T19:15:38.223Z" }, + { url = "https://files.pythonhosted.org/packages/29/e5/00b099b4d4f6223b610421080d0eed9327ef9986785c9141819bbba0d396/onnxruntime-1.22.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:984cea2a02fcc5dfea44ade9aca9fe0f7a8a2cd6f77c258fc4388238618f3928", size = 14473861, upload-time = "2025-07-10T19:15:42.911Z" }, + { url = "https://files.pythonhosted.org/packages/0a/50/519828a5292a6ccd8d5cd6d2f72c6b36ea528a2ef68eca69647732539ffa/onnxruntime-1.22.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2d39a530aff1ec8d02e365f35e503193991417788641b184f5b1e8c9a6d5ce8d", size = 16475713, upload-time = "2025-07-10T19:15:45.452Z" }, + { url = "https://files.pythonhosted.org/packages/5d/54/7139d463bb0a312890c9a5db87d7815d4a8cce9e6f5f28d04f0b55fcb160/onnxruntime-1.22.1-cp312-cp312-win_amd64.whl", hash = "sha256:6a64291d57ea966a245f749eb970f4fa05a64d26672e05a83fdb5db6b7d62f87", size = 12690910, upload-time = "2025-07-10T19:15:47.478Z" }, ] [[package]] @@ -1738,15 +10997,90 @@ name = "onnxruntime-gpu" version = "1.20.1" source = { registry = "https://aiinfra.pkgs.visualstudio.com/PublicPackages/_packaging/onnxruntime-cuda-11/pypi/simple/" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ { name = "coloredlogs" }, @@ -1766,29 +11100,110 @@ wheels = [ { url = "https://aiinfra.pkgs.visualstudio.com/2692857e-05ef-43b4-ba9c-ccf1c22c437c/_packaging/9c975526-0258-4aac-9e34-f8b3551decdd/pypi/download/onnxruntime-gpu/1.20.1/onnxruntime_gpu-1.20.1-cp312-cp312-win_amd64.whl", hash = "sha256:ffb6b22de639081e75bc93c35f1e07901007a337a89a586401d7cec39f167273" }, ] +[[package]] +name = "onnxruntime-gpu" +version = "1.20.2" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "coloredlogs", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "flatbuffers", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "protobuf", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/04/ad/4e5534dcaafe36f596792ebd0049177f7f0b7afa0f696505974ed1d6f72c/onnxruntime_gpu-1.20.2-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:dfba508f110ec062dedfd3032e6eee8cde325026e9d7c5792884e8b9d4ebb9c3", size = 291522233, upload-time = "2025-03-07T05:46:08.901Z" }, + { url = "https://files.pythonhosted.org/packages/a5/2a/8afc5aee996fd33fb816bc3067fdbde96a2a7520d4c275fa502f3aef7e54/onnxruntime_gpu-1.20.2-cp310-cp310-win_amd64.whl", hash = "sha256:75a7557292b2741e63fb73236ee84faa08075cead52d9a8d302a67036fc64f16", size = 279696089, upload-time = "2025-03-07T05:39:24.924Z" }, + { url = "https://files.pythonhosted.org/packages/5e/53/9341b875b0ed29953485b43713e94b335a449c3770fed67dddb3c9b84af0/onnxruntime_gpu-1.20.2-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:85057c7006457bee14fc2a57417b7e4f396f10d9c1b08b11aae08ac2b825eeda", size = 291518407, upload-time = "2025-03-07T05:46:22.943Z" }, + { url = "https://files.pythonhosted.org/packages/0b/7a/0999993ceae7bf191d5d63a4e1b2208596763d8e586aa7dc5cc091f960c0/onnxruntime_gpu-1.20.2-cp311-cp311-win_amd64.whl", hash = "sha256:d0eafd873e4336949c89e6c7429a68e7e1d0233d9cb363e9780ca76c3c6f865c", size = 279697437, upload-time = "2025-03-07T05:39:38.418Z" }, + { url = "https://files.pythonhosted.org/packages/5b/db/c1fcdf45cad147d3b3609cf66a1c6083b54382f58a41d7fc526cd5909090/onnxruntime_gpu-1.20.2-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:aa66d2e6de13fe6f4d1554b1c219bd2e4778b540ed9d3dc62957c95a8af43d66", size = 291510804, upload-time = "2025-03-07T05:46:36.178Z" }, + { url = "https://files.pythonhosted.org/packages/27/67/4f979650557738a8b148dd7e0b82522d20ffcfb2c3964141c861a61e82c7/onnxruntime_gpu-1.20.2-cp312-cp312-win_amd64.whl", hash = "sha256:564a6a1187b208012f57c3bb3723ba65f6bc5cddff6e6b917ac96865768b39f5", size = 279699596, upload-time = "2025-03-07T05:39:50.858Z" }, +] + [[package]] name = "onnxruntime-gpu" version = "1.22.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "coloredlogs" }, - { name = "flatbuffers" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "protobuf" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "coloredlogs", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "flatbuffers", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "protobuf", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ { url = "https://files.pythonhosted.org/packages/27/76/81de592072d6a41553b1523e15447f0ef94392e8f4cb98fda42909f24f9b/onnxruntime_gpu-1.22.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:965da7d33a54917e8e5176f292cc22640819f328370f4fb86087908745b03708", size = 283205327, upload-time = "2025-05-09T19:39:24.231Z" }, @@ -1804,24 +11219,18 @@ name = "onnxruntime-gpu" version = "1.23.0" source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", ] dependencies = [ - { name = "coloredlogs" }, - { name = "flatbuffers" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "protobuf" }, - { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "coloredlogs", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "flatbuffers", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "protobuf", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ { url = "https://pypi.jetson-ai-lab.io/jp6/cu126/+f/4eb/e6a8902dc7708/onnxruntime_gpu-1.23.0-cp310-cp310-linux_aarch64.whl", hash = "sha256:4ebe6a8902dc7708434b2e1541b3fe629ebf434e16ab5537d1d6a622b42c622b" }, @@ -1881,10 +11290,11 @@ wheels = [ [[package]] name = "peft" -version = "0.15.2" +version = "0.17.1" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "accelerate" }, + { name = "accelerate", version = "1.10.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "accelerate", version = "1.11.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "huggingface-hub" }, { name = "numpy" }, { name = "packaging" }, @@ -1892,91 +11302,1362 @@ dependencies = [ { name = "pyyaml" }, { name = "safetensors" }, { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tqdm" }, { name = "transformers" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/33/65/faa18cd8ffbe0f742c3f2559770646cce2574b9cd28a2a05e8d36f64e968/peft-0.15.2.tar.gz", hash = "sha256:7059029f4d42a092ded1aa117dd366a46084aef638bdd593f6ab0195d5427fcd", size = 472952, upload-time = "2025-04-15T15:27:53.09Z" } +sdist = { url = "https://files.pythonhosted.org/packages/70/b8/2e79377efaa1e5f0d70a497db7914ffd355846e760ffa2f7883ab0f600fb/peft-0.17.1.tar.gz", hash = "sha256:e6002b42517976c290b3b8bbb9829a33dd5d470676b2dec7cb4df8501b77eb9f", size = 568192, upload-time = "2025-08-21T09:25:22.703Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/68/85/8e6ea3d1089f2b6de3c1cd34bbbd7560912af9d34b057be3b8b8fefe1da3/peft-0.15.2-py3-none-any.whl", hash = "sha256:0dfc942b03b7af4b7267cd4e30b15e3a4a1d277adc581ce6245fc13f1f93d0a0", size = 411051, upload-time = "2025-04-15T15:27:50.799Z" }, + { url = "https://files.pythonhosted.org/packages/49/fe/a2da1627aa9cb6310b6034598363bd26ac301c4a99d21f415b1b2855891e/peft-0.17.1-py3-none-any.whl", hash = "sha256:3d129d64def3d74779c32a080d2567e5f7b674e77d546e3585138216d903f99e", size = 504896, upload-time = "2025-08-21T09:25:18.974Z" }, ] [[package]] name = "pillow" -version = "11.2.1" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/af/cb/bb5c01fcd2a69335b86c22142b2bccfc3464087efb7fd382eee5ffc7fdf7/pillow-11.2.1.tar.gz", hash = "sha256:a64dd61998416367b7ef979b73d3a85853ba9bec4c2925f74e588879a58716b6", size = 47026707, upload-time = "2025-04-12T17:50:03.289Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/0d/8b/b158ad57ed44d3cc54db8d68ad7c0a58b8fc0e4c7a3f995f9d62d5b464a1/pillow-11.2.1-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:d57a75d53922fc20c165016a20d9c44f73305e67c351bbc60d1adaf662e74047", size = 3198442, upload-time = "2025-04-12T17:47:10.666Z" }, - { url = "https://files.pythonhosted.org/packages/b1/f8/bb5d956142f86c2d6cc36704943fa761f2d2e4c48b7436fd0a85c20f1713/pillow-11.2.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:127bf6ac4a5b58b3d32fc8289656f77f80567d65660bc46f72c0d77e6600cc95", size = 3030553, upload-time = "2025-04-12T17:47:13.153Z" }, - { url = "https://files.pythonhosted.org/packages/22/7f/0e413bb3e2aa797b9ca2c5c38cb2e2e45d88654e5b12da91ad446964cfae/pillow-11.2.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b4ba4be812c7a40280629e55ae0b14a0aafa150dd6451297562e1764808bbe61", size = 4405503, upload-time = "2025-04-12T17:47:15.36Z" }, - { url = "https://files.pythonhosted.org/packages/f3/b4/cc647f4d13f3eb837d3065824aa58b9bcf10821f029dc79955ee43f793bd/pillow-11.2.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c8bd62331e5032bc396a93609982a9ab6b411c05078a52f5fe3cc59234a3abd1", size = 4490648, upload-time = "2025-04-12T17:47:17.37Z" }, - { url = "https://files.pythonhosted.org/packages/c2/6f/240b772a3b35cdd7384166461567aa6713799b4e78d180c555bd284844ea/pillow-11.2.1-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:562d11134c97a62fe3af29581f083033179f7ff435f78392565a1ad2d1c2c45c", size = 4508937, upload-time = "2025-04-12T17:47:19.066Z" }, - { url = "https://files.pythonhosted.org/packages/f3/5e/7ca9c815ade5fdca18853db86d812f2f188212792780208bdb37a0a6aef4/pillow-11.2.1-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:c97209e85b5be259994eb5b69ff50c5d20cca0f458ef9abd835e262d9d88b39d", size = 4599802, upload-time = "2025-04-12T17:47:21.404Z" }, - { url = "https://files.pythonhosted.org/packages/02/81/c3d9d38ce0c4878a77245d4cf2c46d45a4ad0f93000227910a46caff52f3/pillow-11.2.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:0c3e6d0f59171dfa2e25d7116217543310908dfa2770aa64b8f87605f8cacc97", size = 4576717, upload-time = "2025-04-12T17:47:23.571Z" }, - { url = "https://files.pythonhosted.org/packages/42/49/52b719b89ac7da3185b8d29c94d0e6aec8140059e3d8adcaa46da3751180/pillow-11.2.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:cc1c3bc53befb6096b84165956e886b1729634a799e9d6329a0c512ab651e579", size = 4654874, upload-time = "2025-04-12T17:47:25.783Z" }, - { url = "https://files.pythonhosted.org/packages/5b/0b/ede75063ba6023798267023dc0d0401f13695d228194d2242d5a7ba2f964/pillow-11.2.1-cp310-cp310-win32.whl", hash = "sha256:312c77b7f07ab2139924d2639860e084ec2a13e72af54d4f08ac843a5fc9c79d", size = 2331717, upload-time = "2025-04-12T17:47:28.922Z" }, - { url = "https://files.pythonhosted.org/packages/ed/3c/9831da3edea527c2ed9a09f31a2c04e77cd705847f13b69ca60269eec370/pillow-11.2.1-cp310-cp310-win_amd64.whl", hash = "sha256:9bc7ae48b8057a611e5fe9f853baa88093b9a76303937449397899385da06fad", size = 2676204, upload-time = "2025-04-12T17:47:31.283Z" }, - { url = "https://files.pythonhosted.org/packages/01/97/1f66ff8a1503d8cbfc5bae4dc99d54c6ec1e22ad2b946241365320caabc2/pillow-11.2.1-cp310-cp310-win_arm64.whl", hash = "sha256:2728567e249cdd939f6cc3d1f049595c66e4187f3c34078cbc0a7d21c47482d2", size = 2414767, upload-time = "2025-04-12T17:47:34.655Z" }, - { url = "https://files.pythonhosted.org/packages/68/08/3fbf4b98924c73037a8e8b4c2c774784805e0fb4ebca6c5bb60795c40125/pillow-11.2.1-cp311-cp311-macosx_10_10_x86_64.whl", hash = "sha256:35ca289f712ccfc699508c4658a1d14652e8033e9b69839edf83cbdd0ba39e70", size = 3198450, upload-time = "2025-04-12T17:47:37.135Z" }, - { url = "https://files.pythonhosted.org/packages/84/92/6505b1af3d2849d5e714fc75ba9e69b7255c05ee42383a35a4d58f576b16/pillow-11.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e0409af9f829f87a2dfb7e259f78f317a5351f2045158be321fd135973fff7bf", size = 3030550, upload-time = "2025-04-12T17:47:39.345Z" }, - { url = "https://files.pythonhosted.org/packages/3c/8c/ac2f99d2a70ff966bc7eb13dacacfaab57c0549b2ffb351b6537c7840b12/pillow-11.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d4e5c5edee874dce4f653dbe59db7c73a600119fbea8d31f53423586ee2aafd7", size = 4415018, upload-time = "2025-04-12T17:47:41.128Z" }, - { url = "https://files.pythonhosted.org/packages/1f/e3/0a58b5d838687f40891fff9cbaf8669f90c96b64dc8f91f87894413856c6/pillow-11.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b93a07e76d13bff9444f1a029e0af2964e654bfc2e2c2d46bfd080df5ad5f3d8", size = 4498006, upload-time = "2025-04-12T17:47:42.912Z" }, - { url = "https://files.pythonhosted.org/packages/21/f5/6ba14718135f08fbfa33308efe027dd02b781d3f1d5c471444a395933aac/pillow-11.2.1-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:e6def7eed9e7fa90fde255afaf08060dc4b343bbe524a8f69bdd2a2f0018f600", size = 4517773, upload-time = "2025-04-12T17:47:44.611Z" }, - { url = "https://files.pythonhosted.org/packages/20/f2/805ad600fc59ebe4f1ba6129cd3a75fb0da126975c8579b8f57abeb61e80/pillow-11.2.1-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:8f4f3724c068be008c08257207210c138d5f3731af6c155a81c2b09a9eb3a788", size = 4607069, upload-time = "2025-04-12T17:47:46.46Z" }, - { url = "https://files.pythonhosted.org/packages/71/6b/4ef8a288b4bb2e0180cba13ca0a519fa27aa982875882392b65131401099/pillow-11.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:a0a6709b47019dff32e678bc12c63008311b82b9327613f534e496dacaefb71e", size = 4583460, upload-time = "2025-04-12T17:47:49.255Z" }, - { url = "https://files.pythonhosted.org/packages/62/ae/f29c705a09cbc9e2a456590816e5c234382ae5d32584f451c3eb41a62062/pillow-11.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:f6b0c664ccb879109ee3ca702a9272d877f4fcd21e5eb63c26422fd6e415365e", size = 4661304, upload-time = "2025-04-12T17:47:51.067Z" }, - { url = "https://files.pythonhosted.org/packages/6e/1a/c8217b6f2f73794a5e219fbad087701f412337ae6dbb956db37d69a9bc43/pillow-11.2.1-cp311-cp311-win32.whl", hash = "sha256:cc5d875d56e49f112b6def6813c4e3d3036d269c008bf8aef72cd08d20ca6df6", size = 2331809, upload-time = "2025-04-12T17:47:54.425Z" }, - { url = "https://files.pythonhosted.org/packages/e2/72/25a8f40170dc262e86e90f37cb72cb3de5e307f75bf4b02535a61afcd519/pillow-11.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:0f5c7eda47bf8e3c8a283762cab94e496ba977a420868cb819159980b6709193", size = 2676338, upload-time = "2025-04-12T17:47:56.535Z" }, - { url = "https://files.pythonhosted.org/packages/06/9e/76825e39efee61efea258b479391ca77d64dbd9e5804e4ad0fa453b4ba55/pillow-11.2.1-cp311-cp311-win_arm64.whl", hash = "sha256:4d375eb838755f2528ac8cbc926c3e31cc49ca4ad0cf79cff48b20e30634a4a7", size = 2414918, upload-time = "2025-04-12T17:47:58.217Z" }, - { url = "https://files.pythonhosted.org/packages/c7/40/052610b15a1b8961f52537cc8326ca6a881408bc2bdad0d852edeb6ed33b/pillow-11.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:78afba22027b4accef10dbd5eed84425930ba41b3ea0a86fa8d20baaf19d807f", size = 3190185, upload-time = "2025-04-12T17:48:00.417Z" }, - { url = "https://files.pythonhosted.org/packages/e5/7e/b86dbd35a5f938632093dc40d1682874c33dcfe832558fc80ca56bfcb774/pillow-11.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:78092232a4ab376a35d68c4e6d5e00dfd73454bd12b230420025fbe178ee3b0b", size = 3030306, upload-time = "2025-04-12T17:48:02.391Z" }, - { url = "https://files.pythonhosted.org/packages/a4/5c/467a161f9ed53e5eab51a42923c33051bf8d1a2af4626ac04f5166e58e0c/pillow-11.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:25a5f306095c6780c52e6bbb6109624b95c5b18e40aab1c3041da3e9e0cd3e2d", size = 4416121, upload-time = "2025-04-12T17:48:04.554Z" }, - { url = "https://files.pythonhosted.org/packages/62/73/972b7742e38ae0e2ac76ab137ca6005dcf877480da0d9d61d93b613065b4/pillow-11.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0c7b29dbd4281923a2bfe562acb734cee96bbb129e96e6972d315ed9f232bef4", size = 4501707, upload-time = "2025-04-12T17:48:06.831Z" }, - { url = "https://files.pythonhosted.org/packages/e4/3a/427e4cb0b9e177efbc1a84798ed20498c4f233abde003c06d2650a6d60cb/pillow-11.2.1-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:3e645b020f3209a0181a418bffe7b4a93171eef6c4ef6cc20980b30bebf17b7d", size = 4522921, upload-time = "2025-04-12T17:48:09.229Z" }, - { url = "https://files.pythonhosted.org/packages/fe/7c/d8b1330458e4d2f3f45d9508796d7caf0c0d3764c00c823d10f6f1a3b76d/pillow-11.2.1-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:b2dbea1012ccb784a65349f57bbc93730b96e85b42e9bf7b01ef40443db720b4", size = 4612523, upload-time = "2025-04-12T17:48:11.631Z" }, - { url = "https://files.pythonhosted.org/packages/b3/2f/65738384e0b1acf451de5a573d8153fe84103772d139e1e0bdf1596be2ea/pillow-11.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:da3104c57bbd72948d75f6a9389e6727d2ab6333c3617f0a89d72d4940aa0443", size = 4587836, upload-time = "2025-04-12T17:48:13.592Z" }, - { url = "https://files.pythonhosted.org/packages/6a/c5/e795c9f2ddf3debb2dedd0df889f2fe4b053308bb59a3cc02a0cd144d641/pillow-11.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:598174aef4589af795f66f9caab87ba4ff860ce08cd5bb447c6fc553ffee603c", size = 4669390, upload-time = "2025-04-12T17:48:15.938Z" }, - { url = "https://files.pythonhosted.org/packages/96/ae/ca0099a3995976a9fce2f423166f7bff9b12244afdc7520f6ed38911539a/pillow-11.2.1-cp312-cp312-win32.whl", hash = "sha256:1d535df14716e7f8776b9e7fee118576d65572b4aad3ed639be9e4fa88a1cad3", size = 2332309, upload-time = "2025-04-12T17:48:17.885Z" }, - { url = "https://files.pythonhosted.org/packages/7c/18/24bff2ad716257fc03da964c5e8f05d9790a779a8895d6566e493ccf0189/pillow-11.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:14e33b28bf17c7a38eede290f77db7c664e4eb01f7869e37fa98a5aa95978941", size = 2676768, upload-time = "2025-04-12T17:48:19.655Z" }, - { url = "https://files.pythonhosted.org/packages/da/bb/e8d656c9543276517ee40184aaa39dcb41e683bca121022f9323ae11b39d/pillow-11.2.1-cp312-cp312-win_arm64.whl", hash = "sha256:21e1470ac9e5739ff880c211fc3af01e3ae505859392bf65458c224d0bf283eb", size = 2415087, upload-time = "2025-04-12T17:48:21.991Z" }, - { url = "https://files.pythonhosted.org/packages/33/49/c8c21e4255b4f4a2c0c68ac18125d7f5460b109acc6dfdef1a24f9b960ef/pillow-11.2.1-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:9b7b0d4fd2635f54ad82785d56bc0d94f147096493a79985d0ab57aedd563156", size = 3181727, upload-time = "2025-04-12T17:49:31.898Z" }, - { url = "https://files.pythonhosted.org/packages/6d/f1/f7255c0838f8c1ef6d55b625cfb286835c17e8136ce4351c5577d02c443b/pillow-11.2.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:aa442755e31c64037aa7c1cb186e0b369f8416c567381852c63444dd666fb772", size = 2999833, upload-time = "2025-04-12T17:49:34.2Z" }, - { url = "https://files.pythonhosted.org/packages/e2/57/9968114457bd131063da98d87790d080366218f64fa2943b65ac6739abb3/pillow-11.2.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f0d3348c95b766f54b76116d53d4cb171b52992a1027e7ca50c81b43b9d9e363", size = 3437472, upload-time = "2025-04-12T17:49:36.294Z" }, - { url = "https://files.pythonhosted.org/packages/b2/1b/e35d8a158e21372ecc48aac9c453518cfe23907bb82f950d6e1c72811eb0/pillow-11.2.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85d27ea4c889342f7e35f6d56e7e1cb345632ad592e8c51b693d7b7556043ce0", size = 3459976, upload-time = "2025-04-12T17:49:38.988Z" }, - { url = "https://files.pythonhosted.org/packages/26/da/2c11d03b765efff0ccc473f1c4186dc2770110464f2177efaed9cf6fae01/pillow-11.2.1-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:bf2c33d6791c598142f00c9c4c7d47f6476731c31081331664eb26d6ab583e01", size = 3527133, upload-time = "2025-04-12T17:49:40.985Z" }, - { url = "https://files.pythonhosted.org/packages/79/1a/4e85bd7cadf78412c2a3069249a09c32ef3323650fd3005c97cca7aa21df/pillow-11.2.1-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:e616e7154c37669fc1dfc14584f11e284e05d1c650e1c0f972f281c4ccc53193", size = 3571555, upload-time = "2025-04-12T17:49:42.964Z" }, - { url = "https://files.pythonhosted.org/packages/69/03/239939915216de1e95e0ce2334bf17a7870ae185eb390fab6d706aadbfc0/pillow-11.2.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:39ad2e0f424394e3aebc40168845fee52df1394a4673a6ee512d840d14ab3013", size = 2674713, upload-time = "2025-04-12T17:49:44.944Z" }, - { url = "https://files.pythonhosted.org/packages/a4/ad/2613c04633c7257d9481ab21d6b5364b59fc5d75faafd7cb8693523945a3/pillow-11.2.1-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:80f1df8dbe9572b4b7abdfa17eb5d78dd620b1d55d9e25f834efdbee872d3aed", size = 3181734, upload-time = "2025-04-12T17:49:46.789Z" }, - { url = "https://files.pythonhosted.org/packages/a4/fd/dcdda4471ed667de57bb5405bb42d751e6cfdd4011a12c248b455c778e03/pillow-11.2.1-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:ea926cfbc3957090becbcbbb65ad177161a2ff2ad578b5a6ec9bb1e1cd78753c", size = 2999841, upload-time = "2025-04-12T17:49:48.812Z" }, - { url = "https://files.pythonhosted.org/packages/ac/89/8a2536e95e77432833f0db6fd72a8d310c8e4272a04461fb833eb021bf94/pillow-11.2.1-pp311-pypy311_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:738db0e0941ca0376804d4de6a782c005245264edaa253ffce24e5a15cbdc7bd", size = 3437470, upload-time = "2025-04-12T17:49:50.831Z" }, - { url = "https://files.pythonhosted.org/packages/9d/8f/abd47b73c60712f88e9eda32baced7bfc3e9bd6a7619bb64b93acff28c3e/pillow-11.2.1-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9db98ab6565c69082ec9b0d4e40dd9f6181dab0dd236d26f7a50b8b9bfbd5076", size = 3460013, upload-time = "2025-04-12T17:49:53.278Z" }, - { url = "https://files.pythonhosted.org/packages/f6/20/5c0a0aa83b213b7a07ec01e71a3d6ea2cf4ad1d2c686cc0168173b6089e7/pillow-11.2.1-pp311-pypy311_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:036e53f4170e270ddb8797d4c590e6dd14d28e15c7da375c18978045f7e6c37b", size = 3527165, upload-time = "2025-04-12T17:49:55.164Z" }, - { url = "https://files.pythonhosted.org/packages/58/0e/2abab98a72202d91146abc839e10c14f7cf36166f12838ea0c4db3ca6ecb/pillow-11.2.1-pp311-pypy311_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:14f73f7c291279bd65fda51ee87affd7c1e097709f7fdd0188957a16c264601f", size = 3571586, upload-time = "2025-04-12T17:49:57.171Z" }, - { url = "https://files.pythonhosted.org/packages/21/2c/5e05f58658cf49b6667762cca03d6e7d85cededde2caf2ab37b81f80e574/pillow-11.2.1-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:208653868d5c9ecc2b327f9b9ef34e0e42a4cdd172c2988fd81d62d2bc9bc044", size = 2674751, upload-time = "2025-04-12T17:49:59.628Z" }, -] - -[[package]] -name = "pkgconfig" -version = "1.5.5" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/c4/e0/e05fee8b5425db6f83237128742e7e5ef26219b687ab8f0d41ed0422125e/pkgconfig-1.5.5.tar.gz", hash = "sha256:deb4163ef11f75b520d822d9505c1f462761b4309b1bb713d08689759ea8b899", size = 6082, upload-time = "2021-07-19T18:49:51.669Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/32/af/89487c7bbf433f4079044f3dc32f9a9f887597fe04614a37a292e373e16b/pkgconfig-1.5.5-py3-none-any.whl", hash = "sha256:d20023bbeb42ee6d428a0fac6e0904631f545985a10cdd71a20aa58bc47a4209", size = 6732, upload-time = "2021-07-19T18:49:50.195Z" }, +version = "11.3.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +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/9e/8e/9c089f01677d1264ab8648352dcb7773f37da6ad002542760c80107da816/pillow-11.3.0-cp39-cp39-macosx_10_10_x86_64.whl", hash = "sha256:48d254f8a4c776de343051023eb61ffe818299eeac478da55227d96e241de53f", size = 5316478, upload-time = "2025-07-01T09:15:52.209Z" }, + { url = "https://files.pythonhosted.org/packages/b5/a9/5749930caf674695867eb56a581e78eb5f524b7583ff10b01b6e5048acb3/pillow-11.3.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:7aee118e30a4cf54fdd873bd3a29de51e29105ab11f9aad8c32123f58c8f8081", size = 4686522, upload-time = "2025-07-01T09:15:54.162Z" }, + { url = "https://files.pythonhosted.org/packages/43/46/0b85b763eb292b691030795f9f6bb6fcaf8948c39413c81696a01c3577f7/pillow-11.3.0-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:23cff760a9049c502721bdb743a7cb3e03365fafcdfc2ef9784610714166e5a4", size = 5853376, upload-time = "2025-07-03T13:11:01.066Z" }, + { url = "https://files.pythonhosted.org/packages/5e/c6/1a230ec0067243cbd60bc2dad5dc3ab46a8a41e21c15f5c9b52b26873069/pillow-11.3.0-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:6359a3bc43f57d5b375d1ad54a0074318a0844d11b76abccf478c37c986d3cfc", size = 7626020, upload-time = "2025-07-03T13:11:06.479Z" }, + { url = "https://files.pythonhosted.org/packages/63/dd/f296c27ffba447bfad76c6a0c44c1ea97a90cb9472b9304c94a732e8dbfb/pillow-11.3.0-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:092c80c76635f5ecb10f3f83d76716165c96f5229addbd1ec2bdbbda7d496e06", size = 5956732, upload-time = "2025-07-01T09:15:56.111Z" }, + { url = "https://files.pythonhosted.org/packages/a5/a0/98a3630f0b57f77bae67716562513d3032ae70414fcaf02750279c389a9e/pillow-11.3.0-cp39-cp39-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:cadc9e0ea0a2431124cde7e1697106471fc4c1da01530e679b2391c37d3fbb3a", size = 6624404, upload-time = "2025-07-01T09:15:58.245Z" }, + { url = "https://files.pythonhosted.org/packages/de/e6/83dfba5646a290edd9a21964da07674409e410579c341fc5b8f7abd81620/pillow-11.3.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:6a418691000f2a418c9135a7cf0d797c1bb7d9a485e61fe8e7722845b95ef978", size = 6067760, upload-time = "2025-07-01T09:16:00.003Z" }, + { url = "https://files.pythonhosted.org/packages/bc/41/15ab268fe6ee9a2bc7391e2bbb20a98d3974304ab1a406a992dcb297a370/pillow-11.3.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:97afb3a00b65cc0804d1c7abddbf090a81eaac02768af58cbdcaaa0a931e0b6d", size = 6700534, upload-time = "2025-07-01T09:16:02.29Z" }, + { url = "https://files.pythonhosted.org/packages/64/79/6d4f638b288300bed727ff29f2a3cb63db054b33518a95f27724915e3fbc/pillow-11.3.0-cp39-cp39-win32.whl", hash = "sha256:ea944117a7974ae78059fcc1800e5d3295172bb97035c0c1d9345fca1419da71", size = 6277091, upload-time = "2025-07-01T09:16:04.4Z" }, + { url = "https://files.pythonhosted.org/packages/46/05/4106422f45a05716fd34ed21763f8ec182e8ea00af6e9cb05b93a247361a/pillow-11.3.0-cp39-cp39-win_amd64.whl", hash = "sha256:e5c5858ad8ec655450a7c7df532e9842cf8df7cc349df7225c60d5d348c8aada", size = 6986091, upload-time = "2025-07-01T09:16:06.342Z" }, + { url = "https://files.pythonhosted.org/packages/63/c6/287fd55c2c12761d0591549d48885187579b7c257bef0c6660755b0b59ae/pillow-11.3.0-cp39-cp39-win_arm64.whl", hash = "sha256:6abdbfd3aea42be05702a8dd98832329c167ee84400a1d1f61ab11437f1717eb", size = 2422632, upload-time = "2025-07-01T09:16:08.142Z" }, + { 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 = "pillow" +version = "12.0.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +sdist = { url = "https://files.pythonhosted.org/packages/5a/b0/cace85a1b0c9775a9f8f5d5423c8261c858760e2466c79b2dd184638b056/pillow-12.0.0.tar.gz", hash = "sha256:87d4f8125c9988bfbed67af47dd7a953e2fc7b0cc1e7800ec6d2080d490bb353", size = 47008828, upload-time = "2025-10-15T18:24:14.008Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/5d/08/26e68b6b5da219c2a2cb7b563af008b53bb8e6b6fcb3fa40715fcdb2523a/pillow-12.0.0-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:3adfb466bbc544b926d50fe8f4a4e6abd8c6bffd28a26177594e6e9b2b76572b", size = 5289809, upload-time = "2025-10-15T18:21:27.791Z" }, + { url = "https://files.pythonhosted.org/packages/cb/e9/4e58fb097fb74c7b4758a680aacd558810a417d1edaa7000142976ef9d2f/pillow-12.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:1ac11e8ea4f611c3c0147424eae514028b5e9077dd99ab91e1bd7bc33ff145e1", size = 4650606, upload-time = "2025-10-15T18:21:29.823Z" }, + { url = "https://files.pythonhosted.org/packages/4b/e0/1fa492aa9f77b3bc6d471c468e62bfea1823056bf7e5e4f1914d7ab2565e/pillow-12.0.0-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:d49e2314c373f4c2b39446fb1a45ed333c850e09d0c59ac79b72eb3b95397363", size = 6221023, upload-time = "2025-10-15T18:21:31.415Z" }, + { url = "https://files.pythonhosted.org/packages/c1/09/4de7cd03e33734ccd0c876f0251401f1314e819cbfd89a0fcb6e77927cc6/pillow-12.0.0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:c7b2a63fd6d5246349f3d3f37b14430d73ee7e8173154461785e43036ffa96ca", size = 8024937, upload-time = "2025-10-15T18:21:33.453Z" }, + { url = "https://files.pythonhosted.org/packages/2e/69/0688e7c1390666592876d9d474f5e135abb4acb39dcb583c4dc5490f1aff/pillow-12.0.0-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d64317d2587c70324b79861babb9c09f71fbb780bad212018874b2c013d8600e", size = 6334139, upload-time = "2025-10-15T18:21:35.395Z" }, + { url = "https://files.pythonhosted.org/packages/ed/1c/880921e98f525b9b44ce747ad1ea8f73fd7e992bafe3ca5e5644bf433dea/pillow-12.0.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:d77153e14b709fd8b8af6f66a3afbb9ed6e9fc5ccf0b6b7e1ced7b036a228782", size = 7026074, upload-time = "2025-10-15T18:21:37.219Z" }, + { url = "https://files.pythonhosted.org/packages/28/03/96f718331b19b355610ef4ebdbbde3557c726513030665071fd025745671/pillow-12.0.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:32ed80ea8a90ee3e6fa08c21e2e091bba6eda8eccc83dbc34c95169507a91f10", size = 6448852, upload-time = "2025-10-15T18:21:39.168Z" }, + { url = "https://files.pythonhosted.org/packages/3a/a0/6a193b3f0cc9437b122978d2c5cbce59510ccf9a5b48825096ed7472da2f/pillow-12.0.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:c828a1ae702fc712978bda0320ba1b9893d99be0badf2647f693cc01cf0f04fa", size = 7117058, upload-time = "2025-10-15T18:21:40.997Z" }, + { url = "https://files.pythonhosted.org/packages/a7/c4/043192375eaa4463254e8e61f0e2ec9a846b983929a8d0a7122e0a6d6fff/pillow-12.0.0-cp310-cp310-win32.whl", hash = "sha256:bd87e140e45399c818fac4247880b9ce719e4783d767e030a883a970be632275", size = 6295431, upload-time = "2025-10-15T18:21:42.518Z" }, + { url = "https://files.pythonhosted.org/packages/92/c6/c2f2fc7e56301c21827e689bb8b0b465f1b52878b57471a070678c0c33cd/pillow-12.0.0-cp310-cp310-win_amd64.whl", hash = "sha256:455247ac8a4cfb7b9bc45b7e432d10421aea9fc2e74d285ba4072688a74c2e9d", size = 7000412, upload-time = "2025-10-15T18:21:44.404Z" }, + { url = "https://files.pythonhosted.org/packages/b2/d2/5f675067ba82da7a1c238a73b32e3fd78d67f9d9f80fbadd33a40b9c0481/pillow-12.0.0-cp310-cp310-win_arm64.whl", hash = "sha256:6ace95230bfb7cd79ef66caa064bbe2f2a1e63d93471c3a2e1f1348d9f22d6b7", size = 2435903, upload-time = "2025-10-15T18:21:46.29Z" }, + { url = "https://files.pythonhosted.org/packages/0e/5a/a2f6773b64edb921a756eb0729068acad9fc5208a53f4a349396e9436721/pillow-12.0.0-cp311-cp311-macosx_10_10_x86_64.whl", hash = "sha256:0fd00cac9c03256c8b2ff58f162ebcd2587ad3e1f2e397eab718c47e24d231cc", size = 5289798, upload-time = "2025-10-15T18:21:47.763Z" }, + { url = "https://files.pythonhosted.org/packages/2e/05/069b1f8a2e4b5a37493da6c5868531c3f77b85e716ad7a590ef87d58730d/pillow-12.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a3475b96f5908b3b16c47533daaa87380c491357d197564e0ba34ae75c0f3257", size = 4650589, upload-time = "2025-10-15T18:21:49.515Z" }, + { url = "https://files.pythonhosted.org/packages/61/e3/2c820d6e9a36432503ead175ae294f96861b07600a7156154a086ba7111a/pillow-12.0.0-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:110486b79f2d112cf6add83b28b627e369219388f64ef2f960fef9ebaf54c642", size = 6230472, upload-time = "2025-10-15T18:21:51.052Z" }, + { url = "https://files.pythonhosted.org/packages/4f/89/63427f51c64209c5e23d4d52071c8d0f21024d3a8a487737caaf614a5795/pillow-12.0.0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:5269cc1caeedb67e6f7269a42014f381f45e2e7cd42d834ede3c703a1d915fe3", size = 8033887, upload-time = "2025-10-15T18:21:52.604Z" }, + { url = "https://files.pythonhosted.org/packages/f6/1b/c9711318d4901093c15840f268ad649459cd81984c9ec9887756cca049a5/pillow-12.0.0-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:aa5129de4e174daccbc59d0a3b6d20eaf24417d59851c07ebb37aeb02947987c", size = 6343964, upload-time = "2025-10-15T18:21:54.619Z" }, + { url = "https://files.pythonhosted.org/packages/41/1e/db9470f2d030b4995083044cd8738cdd1bf773106819f6d8ba12597d5352/pillow-12.0.0-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bee2a6db3a7242ea309aa7ee8e2780726fed67ff4e5b40169f2c940e7eb09227", size = 7034756, upload-time = "2025-10-15T18:21:56.151Z" }, + { url = "https://files.pythonhosted.org/packages/cc/b0/6177a8bdd5ee4ed87cba2de5a3cc1db55ffbbec6176784ce5bb75aa96798/pillow-12.0.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:90387104ee8400a7b4598253b4c406f8958f59fcf983a6cea2b50d59f7d63d0b", size = 6458075, upload-time = "2025-10-15T18:21:57.759Z" }, + { url = "https://files.pythonhosted.org/packages/bc/5e/61537aa6fa977922c6a03253a0e727e6e4a72381a80d63ad8eec350684f2/pillow-12.0.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:bc91a56697869546d1b8f0a3ff35224557ae7f881050e99f615e0119bf934b4e", size = 7125955, upload-time = "2025-10-15T18:21:59.372Z" }, + { url = "https://files.pythonhosted.org/packages/1f/3d/d5033539344ee3cbd9a4d69e12e63ca3a44a739eb2d4c8da350a3d38edd7/pillow-12.0.0-cp311-cp311-win32.whl", hash = "sha256:27f95b12453d165099c84f8a8bfdfd46b9e4bda9e0e4b65f0635430027f55739", size = 6298440, upload-time = "2025-10-15T18:22:00.982Z" }, + { url = "https://files.pythonhosted.org/packages/4d/42/aaca386de5cc8bd8a0254516957c1f265e3521c91515b16e286c662854c4/pillow-12.0.0-cp311-cp311-win_amd64.whl", hash = "sha256:b583dc9070312190192631373c6c8ed277254aa6e6084b74bdd0a6d3b221608e", size = 6999256, upload-time = "2025-10-15T18:22:02.617Z" }, + { url = "https://files.pythonhosted.org/packages/ba/f1/9197c9c2d5708b785f631a6dfbfa8eb3fb9672837cb92ae9af812c13b4ed/pillow-12.0.0-cp311-cp311-win_arm64.whl", hash = "sha256:759de84a33be3b178a64c8ba28ad5c135900359e85fb662bc6e403ad4407791d", size = 2436025, upload-time = "2025-10-15T18:22:04.598Z" }, + { url = "https://files.pythonhosted.org/packages/2c/90/4fcce2c22caf044e660a198d740e7fbc14395619e3cb1abad12192c0826c/pillow-12.0.0-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:53561a4ddc36facb432fae7a9d8afbfaf94795414f5cdc5fc52f28c1dca90371", size = 5249377, upload-time = "2025-10-15T18:22:05.993Z" }, + { url = "https://files.pythonhosted.org/packages/fd/e0/ed960067543d080691d47d6938ebccbf3976a931c9567ab2fbfab983a5dd/pillow-12.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:71db6b4c1653045dacc1585c1b0d184004f0d7e694c7b34ac165ca70c0838082", size = 4650343, upload-time = "2025-10-15T18:22:07.718Z" }, + { url = "https://files.pythonhosted.org/packages/e7/a1/f81fdeddcb99c044bf7d6faa47e12850f13cee0849537a7d27eeab5534d4/pillow-12.0.0-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:2fa5f0b6716fc88f11380b88b31fe591a06c6315e955c096c35715788b339e3f", size = 6232981, upload-time = "2025-10-15T18:22:09.287Z" }, + { url = "https://files.pythonhosted.org/packages/88/e1/9098d3ce341a8750b55b0e00c03f1630d6178f38ac191c81c97a3b047b44/pillow-12.0.0-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:82240051c6ca513c616f7f9da06e871f61bfd7805f566275841af15015b8f98d", size = 8041399, upload-time = "2025-10-15T18:22:10.872Z" }, + { url = "https://files.pythonhosted.org/packages/a7/62/a22e8d3b602ae8cc01446d0c57a54e982737f44b6f2e1e019a925143771d/pillow-12.0.0-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:55f818bd74fe2f11d4d7cbc65880a843c4075e0ac7226bc1a23261dbea531953", size = 6347740, upload-time = "2025-10-15T18:22:12.769Z" }, + { url = "https://files.pythonhosted.org/packages/4f/87/424511bdcd02c8d7acf9f65caa09f291a519b16bd83c3fb3374b3d4ae951/pillow-12.0.0-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b87843e225e74576437fd5b6a4c2205d422754f84a06942cfaf1dc32243e45a8", size = 7040201, upload-time = "2025-10-15T18:22:14.813Z" }, + { url = "https://files.pythonhosted.org/packages/dc/4d/435c8ac688c54d11755aedfdd9f29c9eeddf68d150fe42d1d3dbd2365149/pillow-12.0.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:c607c90ba67533e1b2355b821fef6764d1dd2cbe26b8c1005ae84f7aea25ff79", size = 6462334, upload-time = "2025-10-15T18:22:16.375Z" }, + { url = "https://files.pythonhosted.org/packages/2b/f2/ad34167a8059a59b8ad10bc5c72d4d9b35acc6b7c0877af8ac885b5f2044/pillow-12.0.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:21f241bdd5080a15bc86d3466a9f6074a9c2c2b314100dd896ac81ee6db2f1ba", size = 7134162, upload-time = "2025-10-15T18:22:17.996Z" }, + { url = "https://files.pythonhosted.org/packages/0c/b1/a7391df6adacf0a5c2cf6ac1cf1fcc1369e7d439d28f637a847f8803beb3/pillow-12.0.0-cp312-cp312-win32.whl", hash = "sha256:dd333073e0cacdc3089525c7df7d39b211bcdf31fc2824e49d01c6b6187b07d0", size = 6298769, upload-time = "2025-10-15T18:22:19.923Z" }, + { url = "https://files.pythonhosted.org/packages/a2/0b/d87733741526541c909bbf159e338dcace4f982daac6e5a8d6be225ca32d/pillow-12.0.0-cp312-cp312-win_amd64.whl", hash = "sha256:9fe611163f6303d1619bbcb653540a4d60f9e55e622d60a3108be0d5b441017a", size = 7001107, upload-time = "2025-10-15T18:22:21.644Z" }, + { url = "https://files.pythonhosted.org/packages/bc/96/aaa61ce33cc98421fb6088af2a03be4157b1e7e0e87087c888e2370a7f45/pillow-12.0.0-cp312-cp312-win_arm64.whl", hash = "sha256:7dfb439562f234f7d57b1ac6bc8fe7f838a4bd49c79230e0f6a1da93e82f1fad", size = 2436012, upload-time = "2025-10-15T18:22:23.621Z" }, + { url = "https://files.pythonhosted.org/packages/1d/b3/582327e6c9f86d037b63beebe981425d6811104cb443e8193824ef1a2f27/pillow-12.0.0-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:b22bd8c974942477156be55a768f7aa37c46904c175be4e158b6a86e3a6b7ca8", size = 5215068, upload-time = "2025-10-15T18:23:59.594Z" }, + { url = "https://files.pythonhosted.org/packages/fd/d6/67748211d119f3b6540baf90f92fae73ae51d5217b171b0e8b5f7e5d558f/pillow-12.0.0-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:805ebf596939e48dbb2e4922a1d3852cfc25c38160751ce02da93058b48d252a", size = 4614994, upload-time = "2025-10-15T18:24:01.669Z" }, + { url = "https://files.pythonhosted.org/packages/2d/e1/f8281e5d844c41872b273b9f2c34a4bf64ca08905668c8ae730eedc7c9fa/pillow-12.0.0-pp311-pypy311_pp73-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cae81479f77420d217def5f54b5b9d279804d17e982e0f2fa19b1d1e14ab5197", size = 5246639, upload-time = "2025-10-15T18:24:03.403Z" }, + { url = "https://files.pythonhosted.org/packages/94/5a/0d8ab8ffe8a102ff5df60d0de5af309015163bf710c7bb3e8311dd3b3ad0/pillow-12.0.0-pp311-pypy311_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:aeaefa96c768fc66818730b952a862235d68825c178f1b3ffd4efd7ad2edcb7c", size = 6986839, upload-time = "2025-10-15T18:24:05.344Z" }, + { url = "https://files.pythonhosted.org/packages/20/2e/3434380e8110b76cd9eb00a363c484b050f949b4bbe84ba770bb8508a02c/pillow-12.0.0-pp311-pypy311_pp73-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:09f2d0abef9e4e2f349305a4f8cc784a8a6c2f58a8c4892eea13b10a943bd26e", size = 5313505, upload-time = "2025-10-15T18:24:07.137Z" }, + { url = "https://files.pythonhosted.org/packages/57/ca/5a9d38900d9d74785141d6580950fe705de68af735ff6e727cb911b64740/pillow-12.0.0-pp311-pypy311_pp73-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:bdee52571a343d721fb2eb3b090a82d959ff37fc631e3f70422e0c2e029f3e76", size = 5963654, upload-time = "2025-10-15T18:24:09.579Z" }, + { url = "https://files.pythonhosted.org/packages/95/7e/f896623c3c635a90537ac093c6a618ebe1a90d87206e42309cb5d98a1b9e/pillow-12.0.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:b290fd8aa38422444d4b50d579de197557f182ef1068b75f5aa8558638b8d0a5", size = 6997850, upload-time = "2025-10-15T18:24:11.495Z" }, ] [[package]] name = "platformdirs" -version = "4.3.8" +version = "4.4.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/fe/8b/3c73abc9c759ecd3f1f7ceff6685840859e8070c4d947c93fae71f6a0bf2/platformdirs-4.3.8.tar.gz", hash = "sha256:3d512d96e16bcb959a814c9f348431070822a6496326a4be0911c40b5a74c2bc", size = 21362, upload-time = "2025-05-07T22:47:42.121Z" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +sdist = { url = "https://files.pythonhosted.org/packages/23/e8/21db9c9987b0e728855bd57bff6984f67952bea55d6f75e055c46b5383e8/platformdirs-4.4.0.tar.gz", hash = "sha256:ca753cf4d81dc309bc67b0ea38fd15dc97bc30ce419a7f58d13eb3bf14c4febf", size = 21634, upload-time = "2025-08-26T14:32:04.268Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/fe/39/979e8e21520d4e47a0bbe349e2713c0aac6f3d853d0e5b34d76206c439aa/platformdirs-4.3.8-py3-none-any.whl", hash = "sha256:ff7059bb7eb1179e2685604f4aaf157cfd9535242bd23742eadc3c13542139b4", size = 18567, upload-time = "2025-05-07T22:47:40.376Z" }, + { url = "https://files.pythonhosted.org/packages/40/4b/2028861e724d3bd36227adfa20d3fd24c3fc6d52032f4a93c133be5d17ce/platformdirs-4.4.0-py3-none-any.whl", hash = "sha256:abd01743f24e5287cd7a5db3752faf1a2d65353f38ec26d98e25a6db65958c85", size = 18654, upload-time = "2025-08-26T14:32:02.735Z" }, +] + +[[package]] +name = "platformdirs" +version = "4.5.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +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]] @@ -1999,22 +12680,23 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/28/d7/ab27049a035b258dab43445eb6ec84a26277b16105b277cbe0a7698bdc6c/protobuf-4.25.8-cp37-abi3-macosx_10_9_universal2.whl", hash = "sha256:ca809b42f4444f144f2115c4c1a747b9a404d590f18f37e9402422033e464e0f", size = 394537, upload-time = "2025-05-28T14:22:14.768Z" }, { url = "https://files.pythonhosted.org/packages/bd/6d/a4a198b61808dd3d1ee187082ccc21499bc949d639feb948961b48be9a7e/protobuf-4.25.8-cp37-abi3-manylinux2014_aarch64.whl", hash = "sha256:9ad7ef62d92baf5a8654fbb88dac7fa5594cfa70fd3440488a5ca3bfc6d795a7", size = 294005, upload-time = "2025-05-28T14:22:16.052Z" }, { url = "https://files.pythonhosted.org/packages/d6/c6/c9deaa6e789b6fc41b88ccbdfe7a42d2b82663248b715f55aa77fbc00724/protobuf-4.25.8-cp37-abi3-manylinux2014_x86_64.whl", hash = "sha256:83e6e54e93d2b696a92cad6e6efc924f3850f82b52e1563778dfab8b355101b0", size = 294924, upload-time = "2025-05-28T14:22:17.105Z" }, + { url = "https://files.pythonhosted.org/packages/f3/d5/31cc45286413746927cf46251f87b0120e304e6f233f5e89019b1bc00de8/protobuf-4.25.8-cp39-cp39-win32.whl", hash = "sha256:077ff8badf2acf8bc474406706ad890466274191a48d0abd3bd6987107c9cde5", size = 392789, upload-time = "2025-05-28T14:22:21.249Z" }, + { url = "https://files.pythonhosted.org/packages/de/3f/2e1812771b4e28b2a70b566527963e40670d1ec90d3639b6b5f7206ac287/protobuf-4.25.8-cp39-cp39-win_amd64.whl", hash = "sha256:f4510b93a3bec6eba8fd8f1093e9d7fb0d4a24d1a81377c10c0e5bbfe9e4ed24", size = 413684, upload-time = "2025-05-28T14:22:22.72Z" }, { url = "https://files.pythonhosted.org/packages/0c/c1/6aece0ab5209981a70cd186f164c133fdba2f51e124ff92b73de7fd24d78/protobuf-4.25.8-py3-none-any.whl", hash = "sha256:15a0af558aa3b13efef102ae6e4f3efac06f1eea11afb3a57db2901447d9fb59", size = 156757, upload-time = "2025-05-28T14:22:24.135Z" }, ] [[package]] name = "psutil" -version = "7.0.0" +version = "7.1.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/2a/80/336820c1ad9286a4ded7e845b2eccfcb27851ab8ac6abece774a6ff4d3de/psutil-7.0.0.tar.gz", hash = "sha256:7be9c3eba38beccb6495ea33afd982a44074b78f28c434a1f51cc07fd315c456", size = 497003, upload-time = "2025-02-13T21:54:07.946Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/ed/e6/2d26234410f8b8abdbf891c9da62bee396583f713fb9f3325a4760875d22/psutil-7.0.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:101d71dc322e3cffd7cea0650b09b3d08b8e7c4109dd6809fe452dfd00e58b25", size = 238051, upload-time = "2025-02-13T21:54:12.36Z" }, - { url = "https://files.pythonhosted.org/packages/04/8b/30f930733afe425e3cbfc0e1468a30a18942350c1a8816acfade80c005c4/psutil-7.0.0-cp36-abi3-macosx_11_0_arm64.whl", hash = "sha256:39db632f6bb862eeccf56660871433e111b6ea58f2caea825571951d4b6aa3da", size = 239535, upload-time = "2025-02-13T21:54:16.07Z" }, - { url = "https://files.pythonhosted.org/packages/2a/ed/d362e84620dd22876b55389248e522338ed1bf134a5edd3b8231d7207f6d/psutil-7.0.0-cp36-abi3-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1fcee592b4c6f146991ca55919ea3d1f8926497a713ed7faaf8225e174581e91", size = 275004, upload-time = "2025-02-13T21:54:18.662Z" }, - { url = "https://files.pythonhosted.org/packages/bf/b9/b0eb3f3cbcb734d930fdf839431606844a825b23eaf9a6ab371edac8162c/psutil-7.0.0-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4b1388a4f6875d7e2aff5c4ca1cc16c545ed41dd8bb596cefea80111db353a34", size = 277986, upload-time = "2025-02-13T21:54:21.811Z" }, - { url = "https://files.pythonhosted.org/packages/eb/a2/709e0fe2f093556c17fbafda93ac032257242cabcc7ff3369e2cb76a97aa/psutil-7.0.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a5f098451abc2828f7dc6b58d44b532b22f2088f4999a937557b603ce72b1993", size = 279544, upload-time = "2025-02-13T21:54:24.68Z" }, - { url = "https://files.pythonhosted.org/packages/50/e6/eecf58810b9d12e6427369784efe814a1eec0f492084ce8eb8f4d89d6d61/psutil-7.0.0-cp37-abi3-win32.whl", hash = "sha256:ba3fcef7523064a6c9da440fc4d6bd07da93ac726b5733c29027d7dc95b39d99", size = 241053, upload-time = "2025-02-13T21:54:34.31Z" }, - { url = "https://files.pythonhosted.org/packages/50/1b/6921afe68c74868b4c9fa424dad3be35b095e16687989ebbb50ce4fceb7c/psutil-7.0.0-cp37-abi3-win_amd64.whl", hash = "sha256:4cf3d4eb1aa9b348dec30105c55cd9b7d4629285735a102beb4441e38db90553", size = 244885, upload-time = "2025-02-13T21:54:37.486Z" }, + { url = "https://files.pythonhosted.org/packages/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]] @@ -2041,6 +12723,13 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/76/65/cb014acc41cd5bf6bbfa4671c7faffffb9cee01706642c2dec70c5209ac8/pyclipper-1.3.0.post6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:58eae2ff92a8cae1331568df076c4c5775bf946afab0068b217f0cf8e188eb3c", size = 963797, upload-time = "2024-10-18T12:22:18.881Z" }, { url = "https://files.pythonhosted.org/packages/80/ec/b40cd81ab7598984167508a5369a2fa31a09fe3b3e3d0b73aa50e06d4b3f/pyclipper-1.3.0.post6-cp312-cp312-win32.whl", hash = "sha256:793b0aa54b914257aa7dc76b793dd4dcfb3c84011d48df7e41ba02b571616eaf", size = 99456, upload-time = "2024-10-18T12:22:20.084Z" }, { url = "https://files.pythonhosted.org/packages/24/3a/7d6292e3c94fb6b872d8d7e80d909dc527ee6b0af73b753c63fdde65a7da/pyclipper-1.3.0.post6-cp312-cp312-win_amd64.whl", hash = "sha256:d3f9da96f83b8892504923beb21a481cd4516c19be1d39eb57a92ef1c9a29548", size = 110278, upload-time = "2024-10-18T12:22:21.178Z" }, + { url = "https://files.pythonhosted.org/packages/6d/05/58091c351d5dceb08f05d8c5bee56969138366ceaec37c695b0455b2c1ee/pyclipper-1.3.0.post6-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:383f3433b968f2e4b0843f338c1f63b85392b6e1d936de722e8c5d4f577dbff5", size = 270559, upload-time = "2024-10-18T12:22:56.559Z" }, + { url = "https://files.pythonhosted.org/packages/bc/44/289bcef04c11471d19db83c9c2dcb41e597aff050e38dc80a7a142343b90/pyclipper-1.3.0.post6-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cf5ca2b9358d30a395ac6e14b3154a9fd1f9b557ad7153ea15cf697e88d07ce1", size = 143146, upload-time = "2024-10-18T12:22:57.818Z" }, + { url = "https://files.pythonhosted.org/packages/ee/ad/7acc6f62084feaa88507f2c4947f16c95d16dd6b3edff27990d2e93b442d/pyclipper-1.3.0.post6-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3404dfcb3415eee863564b5f49be28a8c7fb99ad5e31c986bcc33c8d47d97df7", size = 931298, upload-time = "2024-10-18T12:22:59.062Z" }, + { url = "https://files.pythonhosted.org/packages/27/83/6b9598ce011d5e61af317baed9d192ece8fee6986f7424239d94f786124f/pyclipper-1.3.0.post6-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:aa0e7268f8ceba218964bc3a482a5e9d32e352e8c3538b03f69a6b3db979078d", size = 674167, upload-time = "2024-10-18T12:23:01.122Z" }, + { url = "https://files.pythonhosted.org/packages/4f/75/4a5bbdeeca32d3e12252e9a458c8fc34b8878dd8de56b53b9d7ee33e5596/pyclipper-1.3.0.post6-cp39-cp39-win32.whl", hash = "sha256:47a214f201ff930595a30649c2a063f78baa3a8f52e1f38da19f7930c90ed80c", size = 100409, upload-time = "2024-10-18T12:23:02.559Z" }, + { url = "https://files.pythonhosted.org/packages/df/ec/46f6621472bbf1f415969985dcd691e674dc8b876cb76524f6ac2eea51b6/pyclipper-1.3.0.post6-cp39-cp39-win_amd64.whl", hash = "sha256:28bb590ae79e6beb15794eaee12b6f1d769589572d33e494faf5aa3b1f31b9fa", size = 110777, upload-time = "2024-10-18T12:23:03.573Z" }, + { url = "https://files.pythonhosted.org/packages/5d/1c/3ff418815d1788058c5b24a9f33998765de23bec62705f958c33b6bdc11e/pyclipper-1.3.0.post6-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e2cd8600bd16d209d5d45a33b45c278e1cc8bedc169af1a1f2187b581c521395", size = 135275, upload-time = "2024-10-18T12:23:07.186Z" }, ] [[package]] @@ -2073,31 +12762,40 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/2c/6f/2eceba57245bfc86174263e12716cbe91b329a3677fbeff246148ce6a664/pycocotools-2.0.10-cp312-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:ffdbf8810f27b32c5c5c85d9cd65e8e066852fef9775e58a7b23abdffeaf8252", size = 416393, upload-time = "2025-06-04T23:37:22.287Z" }, { url = "https://files.pythonhosted.org/packages/e1/31/d87f781759b2ad177dd6d41c5fe0ce154f14fc8b384e9b80cd21a157395b/pycocotools-2.0.10-cp312-abi3-win_amd64.whl", hash = "sha256:998a88f90bb663548e767470181175343d406b6673b8b9ef5bdbb3a6d3eb3b11", size = 76824, upload-time = "2025-06-04T23:37:23.744Z" }, { url = "https://files.pythonhosted.org/packages/27/13/7674d61658b58b8310e3de1270bce18f92a6ee8136e54a7e5696d6f72fd4/pycocotools-2.0.10-cp312-abi3-win_arm64.whl", hash = "sha256:76cd86a80171f8f7da3250be0e40d75084f1f1505d376ae0d08ed0be1ba8a90d", size = 64753, upload-time = "2025-06-04T23:37:25.202Z" }, + { url = "https://files.pythonhosted.org/packages/dd/87/0d7ec8db68cc0c6542ee2a965f14c1297dc1077dbd7f7c04a37a316b79c6/pycocotools-2.0.10-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:ec515c405fb600d424777a4dbb256c7101071178ad9659801edcef20f25bb393", size = 153474, upload-time = "2025-06-04T23:37:37.696Z" }, + { url = "https://files.pythonhosted.org/packages/ca/46/5d3fa6ca8b805748965476c64fc1afcdbcb0d40fd01829b0c47d1ea05661/pycocotools-2.0.10-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a65983dbad84f93421a73c7f1365c588babd2b8bdcaaf3d1351e448ee1a01ccc", size = 445404, upload-time = "2025-06-04T23:37:39.239Z" }, + { url = "https://files.pythonhosted.org/packages/66/24/c41d53f3d93172530db0323e4629a5613d3413c150534837089c952f99f2/pycocotools-2.0.10-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:87ba2710752372b5ec14cf446cf9a0a3a8069f461595991b977e7caf5a2788af", size = 453578, upload-time = "2025-06-04T23:37:40.776Z" }, + { url = "https://files.pythonhosted.org/packages/57/14/ed0914d701094b56ff728ddbdea983e7588fd42b9a47cb0ac37b02958069/pycocotools-2.0.10-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:c415f00fa0d60db20e8ff0f3c641b32ed0910c6102f719b46918bbd139ab5692", size = 465404, upload-time = "2025-06-04T23:37:42.44Z" }, + { url = "https://files.pythonhosted.org/packages/95/cb/f997e574fea159e4e6a2eb3066bb0e5212595d29ee2d6ab27a3067991e68/pycocotools-2.0.10-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:cd777096a06d6aa560362bc51df084640d31c6e2ea69fe03d03dd185bbc27173", size = 482122, upload-time = "2025-06-04T23:37:44.054Z" }, + { url = "https://files.pythonhosted.org/packages/e1/1a/7c758061773d38b8f831ef88e3a1e3e477a025414d10a5b080dfb74dde1a/pycocotools-2.0.10-cp39-cp39-win_amd64.whl", hash = "sha256:2daf190f33e7befb353d3b5a023678d6c10c04b51d86386d0d8b353198e25e0c", size = 80746, upload-time = "2025-06-04T23:37:45.441Z" }, + { url = "https://files.pythonhosted.org/packages/70/57/2ceafa2583ff3101e3388b660bd8be90bdce5a286c5f452aff125508b982/pycocotools-2.0.10-cp39-cp39-win_arm64.whl", hash = "sha256:9e31c95d85ee5b36ea5a2f945565ea797301d3a46c2dd3ec35d427edf4e2f5e6", size = 70136, upload-time = "2025-06-04T23:37:46.688Z" }, ] [[package]] name = "pycparser" -version = "2.22" +version = "2.23" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/1d/b2/31537cf4b1ca988837256c910a668b553fceb8f069bedc4b1c826024b52c/pycparser-2.22.tar.gz", hash = "sha256:491c8be9c040f5390f5bf44a5b07752bd07f56edf992381b05c701439eec10f6", size = 172736, upload-time = "2024-03-30T13:22:22.564Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/13/a3/a812df4e2dd5696d1f351d58b8fe16a405b234ad2886a0dab9183fb78109/pycparser-2.22-py3-none-any.whl", hash = "sha256:c3702b6d3dd8c7abc1afa565d7e63d53a1d0bd86cdc24edd75470f4de499cfcc", size = 117552, upload-time = "2024-03-30T13:22:20.476Z" }, + { url = "https://files.pythonhosted.org/packages/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 = "pycuda" -version = "2025.1.1" +version = "2025.1.2" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "mako" }, - { name = "platformdirs" }, - { name = "pytools" }, + { name = "mako", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system == 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-onnx-cu118' or extra == 'extra-13-inference-exp-onnx-cu12' or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "platformdirs", version = "4.4.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "platformdirs", version = "4.5.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pytools", version = "2024.1.14", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pytools", version = "2025.2.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a4/18/1da9464c86c3e59660d40515a93904f9b32726ee62bddb07491a39a743c5/pycuda-2025.1.1.tar.gz", hash = "sha256:bab0678d43f469c865f5fe6024f481c781ec51fefe6686acd66c672bfabea34f", size = 1689662, upload-time = "2025-06-08T20:27:29.578Z" } +sdist = { url = "https://files.pythonhosted.org/packages/ae/fe/073642e4bfc0fad53f013c146fd9d473eedf17c227ad3edbd3a8e8931d5c/pycuda-2025.1.2.tar.gz", hash = "sha256:0dd82911d72d8e03c63128ae44e99cfb7b4689094aba6cc5193d8e944717aafa", size = 1690229, upload-time = "2025-09-09T22:21:11.008Z" } [[package]] name = "pydantic" -version = "2.11.7" +version = "2.12.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "annotated-types" }, @@ -2105,97 +12803,116 @@ dependencies = [ { name = "typing-extensions" }, { name = "typing-inspection" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/00/dd/4325abf92c39ba8623b5af936ddb36ffcfe0beae70405d456ab1fb2f5b8c/pydantic-2.11.7.tar.gz", hash = "sha256:d989c3c6cb79469287b1569f7447a17848c998458d49ebe294e975b9baf0f0db", size = 788350, upload-time = "2025-06-14T08:33:17.137Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f3/1e/4f0a3233767010308f2fd6bd0814597e3f63f1dc98304a9112b8759df4ff/pydantic-2.12.3.tar.gz", hash = "sha256:1da1c82b0fc140bb0103bc1441ffe062154c8d38491189751ee00fd8ca65ce74", size = 819383, upload-time = "2025-10-17T15:04:21.222Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/6a/c0/ec2b1c8712ca690e5d61979dee872603e92b8a32f94cc1b72d53beab008a/pydantic-2.11.7-py3-none-any.whl", hash = "sha256:dde5df002701f6de26248661f6835bbe296a47bf73990135c7d07ce741b9623b", size = 444782, upload-time = "2025-06-14T08:33:14.905Z" }, + { url = "https://files.pythonhosted.org/packages/a1/6b/83661fa77dcefa195ad5f8cd9af3d1a7450fd57cc883ad04d65446ac2029/pydantic-2.12.3-py3-none-any.whl", hash = "sha256:6986454a854bc3bc6e5443e1369e06a3a456af9d339eda45510f517d9ea5c6bf", size = 462431, upload-time = "2025-10-17T15:04:19.346Z" }, ] [[package]] name = "pydantic-core" -version = "2.33.2" +version = "2.41.4" 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/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" }, +sdist = { url = "https://files.pythonhosted.org/packages/df/18/d0944e8eaaa3efd0a91b0f1fc537d3be55ad35091b6a87638211ba691964/pydantic_core-2.41.4.tar.gz", hash = "sha256:70e47929a9d4a1905a67e4b687d5946026390568a8e952b92824118063cee4d5", size = 457557, upload-time = "2025-10-14T10:23:47.909Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/a7/3d/9b8ca77b0f76fcdbf8bc6b72474e264283f461284ca84ac3fde570c6c49a/pydantic_core-2.41.4-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:2442d9a4d38f3411f22eb9dd0912b7cbf4b7d5b6c92c4173b75d3e1ccd84e36e", size = 2111197, upload-time = "2025-10-14T10:19:43.303Z" }, + { url = "https://files.pythonhosted.org/packages/59/92/b7b0fe6ed4781642232755cb7e56a86e2041e1292f16d9ae410a0ccee5ac/pydantic_core-2.41.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:30a9876226dda131a741afeab2702e2d127209bde3c65a2b8133f428bc5d006b", size = 1917909, upload-time = "2025-10-14T10:19:45.194Z" }, + { url = "https://files.pythonhosted.org/packages/52/8c/3eb872009274ffa4fb6a9585114e161aa1a0915af2896e2d441642929fe4/pydantic_core-2.41.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d55bbac04711e2980645af68b97d445cdbcce70e5216de444a6c4b6943ebcccd", size = 1969905, upload-time = "2025-10-14T10:19:46.567Z" }, + { url = "https://files.pythonhosted.org/packages/f4/21/35adf4a753bcfaea22d925214a0c5b880792e3244731b3f3e6fec0d124f7/pydantic_core-2.41.4-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e1d778fb7849a42d0ee5927ab0f7453bf9f85eef8887a546ec87db5ddb178945", size = 2051938, upload-time = "2025-10-14T10:19:48.237Z" }, + { url = "https://files.pythonhosted.org/packages/7d/d0/cdf7d126825e36d6e3f1eccf257da8954452934ede275a8f390eac775e89/pydantic_core-2.41.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1b65077a4693a98b90ec5ad8f203ad65802a1b9b6d4a7e48066925a7e1606706", size = 2250710, upload-time = "2025-10-14T10:19:49.619Z" }, + { url = "https://files.pythonhosted.org/packages/2e/1c/af1e6fd5ea596327308f9c8d1654e1285cc3d8de0d584a3c9d7705bf8a7c/pydantic_core-2.41.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:62637c769dee16eddb7686bf421be48dfc2fae93832c25e25bc7242e698361ba", size = 2367445, upload-time = "2025-10-14T10:19:51.269Z" }, + { url = "https://files.pythonhosted.org/packages/d3/81/8cece29a6ef1b3a92f956ea6da6250d5b2d2e7e4d513dd3b4f0c7a83dfea/pydantic_core-2.41.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2dfe3aa529c8f501babf6e502936b9e8d4698502b2cfab41e17a028d91b1ac7b", size = 2072875, upload-time = "2025-10-14T10:19:52.671Z" }, + { url = "https://files.pythonhosted.org/packages/e3/37/a6a579f5fc2cd4d5521284a0ab6a426cc6463a7b3897aeb95b12f1ba607b/pydantic_core-2.41.4-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:ca2322da745bf2eeb581fc9ea3bbb31147702163ccbcbf12a3bb630e4bf05e1d", size = 2191329, upload-time = "2025-10-14T10:19:54.214Z" }, + { url = "https://files.pythonhosted.org/packages/ae/03/505020dc5c54ec75ecba9f41119fd1e48f9e41e4629942494c4a8734ded1/pydantic_core-2.41.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e8cd3577c796be7231dcf80badcf2e0835a46665eaafd8ace124d886bab4d700", size = 2151658, upload-time = "2025-10-14T10:19:55.843Z" }, + { url = "https://files.pythonhosted.org/packages/cb/5d/2c0d09fb53aa03bbd2a214d89ebfa6304be7df9ed86ee3dc7770257f41ee/pydantic_core-2.41.4-cp310-cp310-musllinux_1_1_armv7l.whl", hash = "sha256:1cae8851e174c83633f0833e90636832857297900133705ee158cf79d40f03e6", size = 2316777, upload-time = "2025-10-14T10:19:57.607Z" }, + { url = "https://files.pythonhosted.org/packages/ea/4b/c2c9c8f5e1f9c864b57d08539d9d3db160e00491c9f5ee90e1bfd905e644/pydantic_core-2.41.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a26d950449aae348afe1ac8be5525a00ae4235309b729ad4d3399623125b43c9", size = 2320705, upload-time = "2025-10-14T10:19:59.016Z" }, + { url = "https://files.pythonhosted.org/packages/28/c3/a74c1c37f49c0a02c89c7340fafc0ba816b29bd495d1a31ce1bdeacc6085/pydantic_core-2.41.4-cp310-cp310-win32.whl", hash = "sha256:0cf2a1f599efe57fa0051312774280ee0f650e11152325e41dfd3018ef2c1b57", size = 1975464, upload-time = "2025-10-14T10:20:00.581Z" }, + { url = "https://files.pythonhosted.org/packages/d6/23/5dd5c1324ba80303368f7569e2e2e1a721c7d9eb16acb7eb7b7f85cb1be2/pydantic_core-2.41.4-cp310-cp310-win_amd64.whl", hash = "sha256:a8c2e340d7e454dc3340d3d2e8f23558ebe78c98aa8f68851b04dcb7bc37abdc", size = 2024497, upload-time = "2025-10-14T10:20:03.018Z" }, + { url = "https://files.pythonhosted.org/packages/62/4c/f6cbfa1e8efacd00b846764e8484fe173d25b8dab881e277a619177f3384/pydantic_core-2.41.4-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:28ff11666443a1a8cf2a044d6a545ebffa8382b5f7973f22c36109205e65dc80", size = 2109062, upload-time = "2025-10-14T10:20:04.486Z" }, + { url = "https://files.pythonhosted.org/packages/21/f8/40b72d3868896bfcd410e1bd7e516e762d326201c48e5b4a06446f6cf9e8/pydantic_core-2.41.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:61760c3925d4633290292bad462e0f737b840508b4f722247d8729684f6539ae", size = 1916301, upload-time = "2025-10-14T10:20:06.857Z" }, + { url = "https://files.pythonhosted.org/packages/94/4d/d203dce8bee7faeca791671c88519969d98d3b4e8f225da5b96dad226fc8/pydantic_core-2.41.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eae547b7315d055b0de2ec3965643b0ab82ad0106a7ffd29615ee9f266a02827", size = 1968728, upload-time = "2025-10-14T10:20:08.353Z" }, + { url = "https://files.pythonhosted.org/packages/65/f5/6a66187775df87c24d526985b3a5d78d861580ca466fbd9d4d0e792fcf6c/pydantic_core-2.41.4-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ef9ee5471edd58d1fcce1c80ffc8783a650e3e3a193fe90d52e43bb4d87bff1f", size = 2050238, upload-time = "2025-10-14T10:20:09.766Z" }, + { url = "https://files.pythonhosted.org/packages/5e/b9/78336345de97298cf53236b2f271912ce11f32c1e59de25a374ce12f9cce/pydantic_core-2.41.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:15dd504af121caaf2c95cb90c0ebf71603c53de98305621b94da0f967e572def", size = 2249424, upload-time = "2025-10-14T10:20:11.732Z" }, + { url = "https://files.pythonhosted.org/packages/99/bb/a4584888b70ee594c3d374a71af5075a68654d6c780369df269118af7402/pydantic_core-2.41.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3a926768ea49a8af4d36abd6a8968b8790f7f76dd7cbd5a4c180db2b4ac9a3a2", size = 2366047, upload-time = "2025-10-14T10:20:13.647Z" }, + { url = "https://files.pythonhosted.org/packages/5f/8d/17fc5de9d6418e4d2ae8c675f905cdafdc59d3bf3bf9c946b7ab796a992a/pydantic_core-2.41.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6916b9b7d134bff5440098a4deb80e4cb623e68974a87883299de9124126c2a8", size = 2071163, upload-time = "2025-10-14T10:20:15.307Z" }, + { url = "https://files.pythonhosted.org/packages/54/e7/03d2c5c0b8ed37a4617430db68ec5e7dbba66358b629cd69e11b4d564367/pydantic_core-2.41.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5cf90535979089df02e6f17ffd076f07237efa55b7343d98760bde8743c4b265", size = 2190585, upload-time = "2025-10-14T10:20:17.3Z" }, + { url = "https://files.pythonhosted.org/packages/be/fc/15d1c9fe5ad9266a5897d9b932b7f53d7e5cfc800573917a2c5d6eea56ec/pydantic_core-2.41.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:7533c76fa647fade2d7ec75ac5cc079ab3f34879626dae5689b27790a6cf5a5c", size = 2150109, upload-time = "2025-10-14T10:20:19.143Z" }, + { url = "https://files.pythonhosted.org/packages/26/ef/e735dd008808226c83ba56972566138665b71477ad580fa5a21f0851df48/pydantic_core-2.41.4-cp311-cp311-musllinux_1_1_armv7l.whl", hash = "sha256:37e516bca9264cbf29612539801ca3cd5d1be465f940417b002905e6ed79d38a", size = 2315078, upload-time = "2025-10-14T10:20:20.742Z" }, + { url = "https://files.pythonhosted.org/packages/90/00/806efdcf35ff2ac0f938362350cd9827b8afb116cc814b6b75cf23738c7c/pydantic_core-2.41.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:0c19cb355224037c83642429b8ce261ae108e1c5fbf5c028bac63c77b0f8646e", size = 2318737, upload-time = "2025-10-14T10:20:22.306Z" }, + { url = "https://files.pythonhosted.org/packages/41/7e/6ac90673fe6cb36621a2283552897838c020db343fa86e513d3f563b196f/pydantic_core-2.41.4-cp311-cp311-win32.whl", hash = "sha256:09c2a60e55b357284b5f31f5ab275ba9f7f70b7525e18a132ec1f9160b4f1f03", size = 1974160, upload-time = "2025-10-14T10:20:23.817Z" }, + { url = "https://files.pythonhosted.org/packages/e0/9d/7c5e24ee585c1f8b6356e1d11d40ab807ffde44d2db3b7dfd6d20b09720e/pydantic_core-2.41.4-cp311-cp311-win_amd64.whl", hash = "sha256:711156b6afb5cb1cb7c14a2cc2c4a8b4c717b69046f13c6b332d8a0a8f41ca3e", size = 2021883, upload-time = "2025-10-14T10:20:25.48Z" }, + { url = "https://files.pythonhosted.org/packages/33/90/5c172357460fc28b2871eb4a0fb3843b136b429c6fa827e4b588877bf115/pydantic_core-2.41.4-cp311-cp311-win_arm64.whl", hash = "sha256:6cb9cf7e761f4f8a8589a45e49ed3c0d92d1d696a45a6feaee8c904b26efc2db", size = 1968026, upload-time = "2025-10-14T10:20:27.039Z" }, + { url = "https://files.pythonhosted.org/packages/e9/81/d3b3e95929c4369d30b2a66a91db63c8ed0a98381ae55a45da2cd1cc1288/pydantic_core-2.41.4-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:ab06d77e053d660a6faaf04894446df7b0a7e7aba70c2797465a0a1af00fc887", size = 2099043, upload-time = "2025-10-14T10:20:28.561Z" }, + { url = "https://files.pythonhosted.org/packages/58/da/46fdac49e6717e3a94fc9201403e08d9d61aa7a770fab6190b8740749047/pydantic_core-2.41.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c53ff33e603a9c1179a9364b0a24694f183717b2e0da2b5ad43c316c956901b2", size = 1910699, upload-time = "2025-10-14T10:20:30.217Z" }, + { url = "https://files.pythonhosted.org/packages/1e/63/4d948f1b9dd8e991a5a98b77dd66c74641f5f2e5225fee37994b2e07d391/pydantic_core-2.41.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:304c54176af2c143bd181d82e77c15c41cbacea8872a2225dd37e6544dce9999", size = 1952121, upload-time = "2025-10-14T10:20:32.246Z" }, + { url = "https://files.pythonhosted.org/packages/b2/a7/e5fc60a6f781fc634ecaa9ecc3c20171d238794cef69ae0af79ac11b89d7/pydantic_core-2.41.4-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:025ba34a4cf4fb32f917d5d188ab5e702223d3ba603be4d8aca2f82bede432a4", size = 2041590, upload-time = "2025-10-14T10:20:34.332Z" }, + { url = "https://files.pythonhosted.org/packages/70/69/dce747b1d21d59e85af433428978a1893c6f8a7068fa2bb4a927fba7a5ff/pydantic_core-2.41.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b9f5f30c402ed58f90c70e12eff65547d3ab74685ffe8283c719e6bead8ef53f", size = 2219869, upload-time = "2025-10-14T10:20:35.965Z" }, + { url = "https://files.pythonhosted.org/packages/83/6a/c070e30e295403bf29c4df1cb781317b6a9bac7cd07b8d3acc94d501a63c/pydantic_core-2.41.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dd96e5d15385d301733113bcaa324c8bcf111275b7675a9c6e88bfb19fc05e3b", size = 2345169, upload-time = "2025-10-14T10:20:37.627Z" }, + { url = "https://files.pythonhosted.org/packages/f0/83/06d001f8043c336baea7fd202a9ac7ad71f87e1c55d8112c50b745c40324/pydantic_core-2.41.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98f348cbb44fae6e9653c1055db7e29de67ea6a9ca03a5fa2c2e11a47cff0e47", size = 2070165, upload-time = "2025-10-14T10:20:39.246Z" }, + { url = "https://files.pythonhosted.org/packages/14/0a/e567c2883588dd12bcbc110232d892cf385356f7c8a9910311ac997ab715/pydantic_core-2.41.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:ec22626a2d14620a83ca583c6f5a4080fa3155282718b6055c2ea48d3ef35970", size = 2189067, upload-time = "2025-10-14T10:20:41.015Z" }, + { url = "https://files.pythonhosted.org/packages/f4/1d/3d9fca34273ba03c9b1c5289f7618bc4bd09c3ad2289b5420481aa051a99/pydantic_core-2.41.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:3a95d4590b1f1a43bf33ca6d647b990a88f4a3824a8c4572c708f0b45a5290ed", size = 2132997, upload-time = "2025-10-14T10:20:43.106Z" }, + { url = "https://files.pythonhosted.org/packages/52/70/d702ef7a6cd41a8afc61f3554922b3ed8d19dd54c3bd4bdbfe332e610827/pydantic_core-2.41.4-cp312-cp312-musllinux_1_1_armv7l.whl", hash = "sha256:f9672ab4d398e1b602feadcffcdd3af44d5f5e6ddc15bc7d15d376d47e8e19f8", size = 2307187, upload-time = "2025-10-14T10:20:44.849Z" }, + { url = "https://files.pythonhosted.org/packages/68/4c/c06be6e27545d08b802127914156f38d10ca287a9e8489342793de8aae3c/pydantic_core-2.41.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:84d8854db5f55fead3b579f04bda9a36461dab0730c5d570e1526483e7bb8431", size = 2305204, upload-time = "2025-10-14T10:20:46.781Z" }, + { url = "https://files.pythonhosted.org/packages/b0/e5/35ae4919bcd9f18603419e23c5eaf32750224a89d41a8df1a3704b69f77e/pydantic_core-2.41.4-cp312-cp312-win32.whl", hash = "sha256:9be1c01adb2ecc4e464392c36d17f97e9110fbbc906bcbe1c943b5b87a74aabd", size = 1972536, upload-time = "2025-10-14T10:20:48.39Z" }, + { url = "https://files.pythonhosted.org/packages/1e/c2/49c5bb6d2a49eb2ee3647a93e3dae7080c6409a8a7558b075027644e879c/pydantic_core-2.41.4-cp312-cp312-win_amd64.whl", hash = "sha256:d682cf1d22bab22a5be08539dca3d1593488a99998f9f412137bc323179067ff", size = 2031132, upload-time = "2025-10-14T10:20:50.421Z" }, + { url = "https://files.pythonhosted.org/packages/06/23/936343dbcba6eec93f73e95eb346810fc732f71ba27967b287b66f7b7097/pydantic_core-2.41.4-cp312-cp312-win_arm64.whl", hash = "sha256:833eebfd75a26d17470b58768c1834dfc90141b7afc6eb0429c21fc5a21dcfb8", size = 1969483, upload-time = "2025-10-14T10:20:52.35Z" }, + { url = "https://files.pythonhosted.org/packages/2c/36/f86d582be5fb47d4014506cd9ddd10a3979b6d0f2d237aa6ad3e7033b3ea/pydantic_core-2.41.4-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:646e76293345954acea6966149683047b7b2ace793011922208c8e9da12b0062", size = 2112444, upload-time = "2025-10-14T10:22:16.165Z" }, + { url = "https://files.pythonhosted.org/packages/ba/e5/63c521dc2dd106ba6b5941c080617ea9db252f8a7d5625231e9d761bc28c/pydantic_core-2.41.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:cc8e85a63085a137d286e2791037f5fdfff0aabb8b899483ca9c496dd5797338", size = 1938218, upload-time = "2025-10-14T10:22:19.443Z" }, + { url = "https://files.pythonhosted.org/packages/30/56/c84b638a3e6e9f5a612b9f5abdad73182520423de43669d639ed4f14b011/pydantic_core-2.41.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:692c622c8f859a17c156492783902d8370ac7e121a611bd6fe92cc71acf9ee8d", size = 1971449, upload-time = "2025-10-14T10:22:21.567Z" }, + { url = "https://files.pythonhosted.org/packages/99/c6/e974aade34fc7a0248fdfd0a373d62693502a407c596ab3470165e38183c/pydantic_core-2.41.4-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d1e2906efb1031a532600679b424ef1d95d9f9fb507f813951f23320903adbd7", size = 2054023, upload-time = "2025-10-14T10:22:24.229Z" }, + { url = "https://files.pythonhosted.org/packages/4f/91/2507dda801f50980a38d1353c313e8f51349a42b008e63a4e45bf4620562/pydantic_core-2.41.4-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e04e2f7f8916ad3ddd417a7abdd295276a0bf216993d9318a5d61cc058209166", size = 2251614, upload-time = "2025-10-14T10:22:26.498Z" }, + { url = "https://files.pythonhosted.org/packages/b2/ad/05d886bc96938f4d31bed24e8d3fc3496d9aea7e77bcff6e4b93127c6de7/pydantic_core-2.41.4-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:df649916b81822543d1c8e0e1d079235f68acdc7d270c911e8425045a8cfc57e", size = 2378807, upload-time = "2025-10-14T10:22:28.733Z" }, + { url = "https://files.pythonhosted.org/packages/6a/0a/d26e1bb9a80b9fc12cc30d9288193fbc9e60a799e55843804ee37bd38a9c/pydantic_core-2.41.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:66c529f862fdba70558061bb936fe00ddbaaa0c647fd26e4a4356ef1d6561891", size = 2076891, upload-time = "2025-10-14T10:22:30.853Z" }, + { url = "https://files.pythonhosted.org/packages/d9/66/af014e3a294d9933ebfecf11a5d858709014bd2315fa9616195374dd82f0/pydantic_core-2.41.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:fc3b4c5a1fd3a311563ed866c2c9b62da06cb6398bee186484ce95c820db71cb", size = 2192179, upload-time = "2025-10-14T10:22:33.481Z" }, + { url = "https://files.pythonhosted.org/packages/e7/3e/79783f97024037d0ea6e1b3ebcd761463a925199e04ce2625727e9f27d06/pydantic_core-2.41.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:6e0fc40d84448f941df9b3334c4b78fe42f36e3bf631ad54c3047a0cdddc2514", size = 2153067, upload-time = "2025-10-14T10:22:35.792Z" }, + { url = "https://files.pythonhosted.org/packages/b3/97/ea83b0f87d9e742405fb687d5682e7a26334eef2c82a2de06bfbdc305fab/pydantic_core-2.41.4-cp39-cp39-musllinux_1_1_armv7l.whl", hash = "sha256:44e7625332683b6c1c8b980461475cde9595eff94447500e80716db89b0da005", size = 2319048, upload-time = "2025-10-14T10:22:38.144Z" }, + { url = "https://files.pythonhosted.org/packages/64/4a/36d8c966a0b086362ac10a7ee75978ed15c5f2dfdfc02a1578d19d3802fb/pydantic_core-2.41.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:170ee6835f6c71081d031ef1c3b4dc4a12b9efa6a9540f93f95b82f3c7571ae8", size = 2321830, upload-time = "2025-10-14T10:22:40.337Z" }, + { url = "https://files.pythonhosted.org/packages/a2/6e/d80cc4909dde5f6842861288aa1a7181e7afbfc50940c862ed2848df15bd/pydantic_core-2.41.4-cp39-cp39-win32.whl", hash = "sha256:3adf61415efa6ce977041ba9745183c0e1f637ca849773afa93833e04b163feb", size = 1976706, upload-time = "2025-10-14T10:22:42.61Z" }, + { url = "https://files.pythonhosted.org/packages/29/ee/5bda8d960d4a8b24a7eeb8a856efa9c865a7a6cab714ed387b29507dc278/pydantic_core-2.41.4-cp39-cp39-win_amd64.whl", hash = "sha256:a238dd3feee263eeaeb7dc44aea4ba1364682c4f9f9467e6af5596ba322c2332", size = 2027640, upload-time = "2025-10-14T10:22:44.907Z" }, + { url = "https://files.pythonhosted.org/packages/b0/12/5ba58daa7f453454464f92b3ca7b9d7c657d8641c48e370c3ebc9a82dd78/pydantic_core-2.41.4-graalpy311-graalpy242_311_native-macosx_10_12_x86_64.whl", hash = "sha256:a1b2cfec3879afb742a7b0bcfa53e4f22ba96571c9e54d6a3afe1052d17d843b", size = 2122139, upload-time = "2025-10-14T10:22:47.288Z" }, + { url = "https://files.pythonhosted.org/packages/21/fb/6860126a77725c3108baecd10fd3d75fec25191d6381b6eb2ac660228eac/pydantic_core-2.41.4-graalpy311-graalpy242_311_native-macosx_11_0_arm64.whl", hash = "sha256:d175600d975b7c244af6eb9c9041f10059f20b8bbffec9e33fdd5ee3f67cdc42", size = 1936674, upload-time = "2025-10-14T10:22:49.555Z" }, + { url = "https://files.pythonhosted.org/packages/de/be/57dcaa3ed595d81f8757e2b44a38240ac5d37628bce25fb20d02c7018776/pydantic_core-2.41.4-graalpy311-graalpy242_311_native-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0f184d657fa4947ae5ec9c47bd7e917730fa1cbb78195037e32dcbab50aca5ee", size = 1956398, upload-time = "2025-10-14T10:22:52.19Z" }, + { url = "https://files.pythonhosted.org/packages/2f/1d/679a344fadb9695f1a6a294d739fbd21d71fa023286daeea8c0ed49e7c2b/pydantic_core-2.41.4-graalpy311-graalpy242_311_native-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1ed810568aeffed3edc78910af32af911c835cc39ebbfacd1f0ab5dd53028e5c", size = 2138674, upload-time = "2025-10-14T10:22:54.499Z" }, + { url = "https://files.pythonhosted.org/packages/c4/48/ae937e5a831b7c0dc646b2ef788c27cd003894882415300ed21927c21efa/pydantic_core-2.41.4-graalpy312-graalpy250_312_native-macosx_10_12_x86_64.whl", hash = "sha256:4f5d640aeebb438517150fdeec097739614421900e4a08db4a3ef38898798537", size = 2112087, upload-time = "2025-10-14T10:22:56.818Z" }, + { url = "https://files.pythonhosted.org/packages/5e/db/6db8073e3d32dae017da7e0d16a9ecb897d0a4d92e00634916e486097961/pydantic_core-2.41.4-graalpy312-graalpy250_312_native-macosx_11_0_arm64.whl", hash = "sha256:4a9ab037b71927babc6d9e7fc01aea9e66dc2a4a34dff06ef0724a4049629f94", size = 1920387, upload-time = "2025-10-14T10:22:59.342Z" }, + { url = "https://files.pythonhosted.org/packages/0d/c1/dd3542d072fcc336030d66834872f0328727e3b8de289c662faa04aa270e/pydantic_core-2.41.4-graalpy312-graalpy250_312_native-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e4dab9484ec605c3016df9ad4fd4f9a390bc5d816a3b10c6550f8424bb80b18c", size = 1951495, upload-time = "2025-10-14T10:23:02.089Z" }, + { url = "https://files.pythonhosted.org/packages/2b/c6/db8d13a1f8ab3f1eb08c88bd00fd62d44311e3456d1e85c0e59e0a0376e7/pydantic_core-2.41.4-graalpy312-graalpy250_312_native-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bd8a5028425820731d8c6c098ab642d7b8b999758e24acae03ed38a66eca8335", size = 2139008, upload-time = "2025-10-14T10:23:04.539Z" }, + { url = "https://files.pythonhosted.org/packages/5d/d4/912e976a2dd0b49f31c98a060ca90b353f3b73ee3ea2fd0030412f6ac5ec/pydantic_core-2.41.4-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:1e5ab4fc177dd41536b3c32b2ea11380dd3d4619a385860621478ac2d25ceb00", size = 2106739, upload-time = "2025-10-14T10:23:06.934Z" }, + { url = "https://files.pythonhosted.org/packages/71/f0/66ec5a626c81eba326072d6ee2b127f8c139543f1bf609b4842978d37833/pydantic_core-2.41.4-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:3d88d0054d3fa11ce936184896bed3c1c5441d6fa483b498fac6a5d0dd6f64a9", size = 1932549, upload-time = "2025-10-14T10:23:09.24Z" }, + { url = "https://files.pythonhosted.org/packages/c4/af/625626278ca801ea0a658c2dcf290dc9f21bb383098e99e7c6a029fccfc0/pydantic_core-2.41.4-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b2a054a8725f05b4b6503357e0ac1c4e8234ad3b0c2ac130d6ffc66f0e170e2", size = 2135093, upload-time = "2025-10-14T10:23:11.626Z" }, + { url = "https://files.pythonhosted.org/packages/20/f6/2fba049f54e0f4975fef66be654c597a1d005320fa141863699180c7697d/pydantic_core-2.41.4-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b0d9db5a161c99375a0c68c058e227bee1d89303300802601d76a3d01f74e258", size = 2187971, upload-time = "2025-10-14T10:23:14.437Z" }, + { url = "https://files.pythonhosted.org/packages/0e/80/65ab839a2dfcd3b949202f9d920c34f9de5a537c3646662bdf2f7d999680/pydantic_core-2.41.4-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:6273ea2c8ffdac7b7fda2653c49682db815aebf4a89243a6feccf5e36c18c347", size = 2147939, upload-time = "2025-10-14T10:23:16.831Z" }, + { url = "https://files.pythonhosted.org/packages/44/58/627565d3d182ce6dfda18b8e1c841eede3629d59c9d7cbc1e12a03aeb328/pydantic_core-2.41.4-pp310-pypy310_pp73-musllinux_1_1_armv7l.whl", hash = "sha256:4c973add636efc61de22530b2ef83a65f39b6d6f656df97f678720e20de26caa", size = 2311400, upload-time = "2025-10-14T10:23:19.234Z" }, + { url = "https://files.pythonhosted.org/packages/24/06/8a84711162ad5a5f19a88cead37cca81b4b1f294f46260ef7334ae4f24d3/pydantic_core-2.41.4-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:b69d1973354758007f46cf2d44a4f3d0933f10b6dc9bf15cf1356e037f6f731a", size = 2316840, upload-time = "2025-10-14T10:23:21.738Z" }, + { url = "https://files.pythonhosted.org/packages/aa/8b/b7bb512a4682a2f7fbfae152a755d37351743900226d29bd953aaf870eaa/pydantic_core-2.41.4-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:3619320641fd212aaf5997b6ca505e97540b7e16418f4a241f44cdf108ffb50d", size = 2149135, upload-time = "2025-10-14T10:23:24.379Z" }, + { url = "https://files.pythonhosted.org/packages/7e/7d/138e902ed6399b866f7cfe4435d22445e16fff888a1c00560d9dc79a780f/pydantic_core-2.41.4-pp311-pypy311_pp73-macosx_10_12_x86_64.whl", hash = "sha256:491535d45cd7ad7e4a2af4a5169b0d07bebf1adfd164b0368da8aa41e19907a5", size = 2104721, upload-time = "2025-10-14T10:23:26.906Z" }, + { url = "https://files.pythonhosted.org/packages/47/13/0525623cf94627f7b53b4c2034c81edc8491cbfc7c28d5447fa318791479/pydantic_core-2.41.4-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:54d86c0cada6aba4ec4c047d0e348cbad7063b87ae0f005d9f8c9ad04d4a92a2", size = 1931608, upload-time = "2025-10-14T10:23:29.306Z" }, + { url = "https://files.pythonhosted.org/packages/d6/f9/744bc98137d6ef0a233f808bfc9b18cf94624bf30836a18d3b05d08bf418/pydantic_core-2.41.4-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eca1124aced216b2500dc2609eade086d718e8249cb9696660ab447d50a758bd", size = 2132986, upload-time = "2025-10-14T10:23:32.057Z" }, + { url = "https://files.pythonhosted.org/packages/17/c8/629e88920171173f6049386cc71f893dff03209a9ef32b4d2f7e7c264bcf/pydantic_core-2.41.4-pp311-pypy311_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6c9024169becccf0cb470ada03ee578d7348c119a0d42af3dcf9eda96e3a247c", size = 2187516, upload-time = "2025-10-14T10:23:34.871Z" }, + { url = "https://files.pythonhosted.org/packages/2e/0f/4f2734688d98488782218ca61bcc118329bf5de05bb7fe3adc7dd79b0b86/pydantic_core-2.41.4-pp311-pypy311_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:26895a4268ae5a2849269f4991cdc97236e4b9c010e51137becf25182daac405", size = 2146146, upload-time = "2025-10-14T10:23:37.342Z" }, + { url = "https://files.pythonhosted.org/packages/ed/f2/ab385dbd94a052c62224b99cf99002eee99dbec40e10006c78575aead256/pydantic_core-2.41.4-pp311-pypy311_pp73-musllinux_1_1_armv7l.whl", hash = "sha256:ca4df25762cf71308c446e33c9b1fdca2923a3f13de616e2a949f38bf21ff5a8", size = 2311296, upload-time = "2025-10-14T10:23:40.145Z" }, + { url = "https://files.pythonhosted.org/packages/fc/8e/e4f12afe1beeb9823bba5375f8f258df0cc61b056b0195fb1cf9f62a1a58/pydantic_core-2.41.4-pp311-pypy311_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:5a28fcedd762349519276c36634e71853b4541079cab4acaaac60c4421827308", size = 2315386, upload-time = "2025-10-14T10:23:42.624Z" }, + { url = "https://files.pythonhosted.org/packages/48/f7/925f65d930802e3ea2eb4d5afa4cb8730c8dc0d2cb89a59dc4ed2fcb2d74/pydantic_core-2.41.4-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:c173ddcd86afd2535e2b695217e82191580663a1d1928239f877f5a1649ef39f", size = 2147775, upload-time = "2025-10-14T10:23:45.406Z" }, ] [[package]] name = "pygments" -version = "2.19.1" +version = "2.19.2" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/7c/2d/c3338d48ea6cc0feb8446d8e6937e1408088a72a39937982cc6111d17f84/pygments-2.19.1.tar.gz", hash = "sha256:61c16d2a8576dc0649d9f39e089b5f02bcd27fba10d8fb4dcc28173f7a45151f", size = 4968581, upload-time = "2025-01-06T17:26:30.443Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/8a/0b/9fcc47d19c48b59121088dd6da2488a49d5f72dacf8262e2790a1d2c7d15/pygments-2.19.1-py3-none-any.whl", hash = "sha256:9ea1544ad55cecf4b8242fab6dd35a93bbce657034b0611ee383099054ab6d8c", size = 1225293, upload-time = "2025-01-06T17:26:25.553Z" }, + { url = "https://files.pythonhosted.org/packages/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 = "pyparsing" -version = "3.2.3" +version = "3.2.5" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/bb/22/f1129e69d94ffff626bdb5c835506b3a5b4f3d070f17ea295e12c2c6f60f/pyparsing-3.2.3.tar.gz", hash = "sha256:b9c13f1ab8b3b542f72e28f634bad4de758ab3ce4546e4301970ad6fa77c38be", size = 1088608, upload-time = "2025-03-25T05:01:28.114Z" } +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/05/e7/df2285f3d08fee213f2d041540fa4fc9ca6c2d44cf36d3a035bf2a8d2bcc/pyparsing-3.2.3-py3-none-any.whl", hash = "sha256:a749938e02d6fd0b59b356ca504a24982314bb090c383e3cf201c95ef7e2bfcf", size = 111120, upload-time = "2025-03-25T05:01:24.908Z" }, + { 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]] @@ -2229,20 +12946,21 @@ wheels = [ [[package]] name = "pytest" -version = "8.4.1" +version = "8.4.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "colorama", marker = "sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "exceptiongroup", marker = "python_full_version < '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "iniconfig" }, + { name = "iniconfig", version = "2.1.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "iniconfig", version = "2.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "packaging" }, { name = "pluggy" }, { name = "pygments" }, { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/08/ba/45911d754e8eba3d5a841a5ce61a65a685ff1798421ac054f85aa8747dfb/pytest-8.4.1.tar.gz", hash = "sha256:7c67fd69174877359ed9371ec3af8a3d2b04741818c51e5e99cc1742251fa93c", size = 1517714, upload-time = "2025-06-18T05:48:06.109Z" } +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/29/16/c8a903f4c4dffe7a12843191437d7cd8e32751d5de349d45d3fe69544e87/pytest-8.4.1-py3-none-any.whl", hash = "sha256:539c70ba6fcead8e78eebbf1115e8b589e7565830d7d006a8723f19ac8a0afb7", size = 365474, upload-time = "2025-06-18T05:48:03.955Z" }, + { 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]] @@ -2282,25 +13000,674 @@ 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-doctr" +version = "0.10.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "anyascii", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "defusedxml", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "h5py", version = "3.14.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "huggingface-hub", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "langdetect", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "opencv-python", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyclipper", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pypdfium2", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "rapidfuzz", version = "3.13.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "shapely", version = "2.0.7", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tqdm", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/be/01/d0b59d3300f7a9d3ecbc75bdec03b0bcd536f443dc06218fd88043b1c8e8/python_doctr-0.10.0.tar.gz", hash = "sha256:21a234c22b04c6a2f5c8302f2667e168de50606069c974174675842c0a2ab28e", size = 190305, upload-time = "2024-10-21T08:40:31.57Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/cc/7f/3e685bbd5271f92de46b6346bdd96cc41ef0a97cff6fc2883ebb7f28407f/python_doctr-0.10.0-py3-none-any.whl", hash = "sha256:777c221a4142b8ce5daf6fc1714b10fe8f7fe72026f09ea4d2b978c448b97ae8", size = 304921, upload-time = "2024-10-21T08:40:28.537Z" }, +] + +[package.optional-dependencies] +torch = [ + { name = "onnx", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] + [[package]] name = "python-doctr" version = "0.11.0" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "anyascii" }, - { name = "defusedxml" }, - { name = "h5py" }, - { name = "huggingface-hub" }, - { name = "langdetect" }, - { name = "numpy" }, - { name = "opencv-python" }, - { name = "pillow" }, - { name = "pyclipper" }, - { name = "pypdfium2" }, - { name = "rapidfuzz" }, - { name = "scipy" }, - { name = "shapely" }, - { name = "tqdm" }, + { name = "anyascii", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "defusedxml", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "h5py", version = "3.15.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "huggingface-hub", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "langdetect", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "opencv-python", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pyclipper", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pypdfium2", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "rapidfuzz", version = "3.14.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.16.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "shapely", version = "2.1.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tqdm", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] sdist = { url = "https://files.pythonhosted.org/packages/4f/d6/6e4e4c01c9192785a11ef574a96b3df236e799f2fce5e97eebb3665ffb21/python_doctr-0.11.0.tar.gz", hash = "sha256:1668491a39ce84ee75553b51cb3e45cb46c54a6d3d999adbf336dc85602643ff", size = 191345, upload-time = "2025-01-30T09:29:41.937Z" } wheels = [ @@ -2309,36 +13676,373 @@ wheels = [ [package.optional-dependencies] torch = [ - { name = "onnx" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "onnx", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] [[package]] name = "pytools" -version = "2025.1.6" +version = "2024.1.14" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "platformdirs" }, - { name = "siphash24" }, - { name = "typing-extensions" }, + { name = "platformdirs", version = "4.4.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/36/03/a77353d9763877fa8984de29a32aaf26ca98227cc405157d46c8a6e1cf6a/pytools-2024.1.14.tar.gz", hash = "sha256:39e5bbaf81fa432e688b82dd0980212d18f97b23e51a8c7afe7592249fe40ab1", size = 83715, upload-time = "2024-09-05T14:30:00.147Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/70/19/87514026ff33ae67681e7e721872db8d34fd0fc25ec28906fb7b1e5c57d0/pytools-2024.1.14-py3-none-any.whl", hash = "sha256:f70c549cdab36e4d31a48a88ce8d969af24816482d73b10012dcac42ce9425e8", size = 89876, upload-time = "2024-09-05T14:29:58.592Z" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/4e/74/e99132a545c6f0bb95a3c271b96e5eb7b6b282aede787e738bbe7f4f3879/pytools-2025.1.6.tar.gz", hash = "sha256:938e1df9997ba5ac771034a49b0e63801bd93a2b92e6a38f43241519a1fb322b", size = 96212, upload-time = "2025-05-27T20:15:38.697Z" } + +[[package]] +name = "pytools" +version = "2025.2.5" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "platformdirs", version = "4.5.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "siphash24", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and platform_system != 'darwin') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_system != 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/c3/7b/f885a57e61ded45b5b10ca60f0b7575c9fb9a282e7513d0e23a33ee647e1/pytools-2025.2.5.tar.gz", hash = "sha256:a7f5350644d46d98ee9c7e67b4b41693308aa0f5e9b188d8f0694b27dc94e3a2", size = 85594, upload-time = "2025-10-07T15:53:30.49Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/b3/a3/b3ce189e57f108fe1242656d8efec264b11c6b8a612963cce23590a18f59/pytools-2025.1.6-py3-none-any.whl", hash = "sha256:c7652cb6faf015e20e452f744bf7c12b207dd2e88973b8a79a4365a3d510f669", size = 95995, upload-time = "2025-05-27T20:15:37.251Z" }, + { url = "https://files.pythonhosted.org/packages/f6/84/c42c29ca4bff35baa286df70b0097e0b1c88fd57e8e6bdb09cb161a6f3c1/pytools-2025.2.5-py3-none-any.whl", hash = "sha256:42e93751ec425781e103bbcd769ba35ecbacd43339c2905401608f2fdc30cf19", size = 98811, upload-time = "2025-10-07T15:53:29.089Z" }, ] [[package]] @@ -2347,49 +14051,63 @@ version = "2.2.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi" }, - { name = "pkgconfig" }, ] sdist = { url = "https://files.pythonhosted.org/packages/7b/88/f73dae807ec68b228fba72507105e3ba80a561dc0bade0004ce24fd118fc/pyvips-2.2.3.tar.gz", hash = "sha256:43bceced0db492654c93008246a58a508e0373ae1621116b87b322f2ac72212f", size = 56626, upload-time = "2024-04-28T11:19:58.158Z" } [[package]] name = "pyyaml" -version = "6.0.2" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/54/ed/79a089b6be93607fa5cdaedf301d7dfb23af5f25c398d5ead2525b063e17/pyyaml-6.0.2.tar.gz", hash = "sha256:d584d9ec91ad65861cc08d42e834324ef890a082e591037abe114850ff7bbc3e", size = 130631, upload-time = "2024-08-06T20:33:50.674Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/9b/95/a3fac87cb7158e231b5a6012e438c647e1a87f09f8e0d123acec8ab8bf71/PyYAML-6.0.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0a9a2848a5b7feac301353437eb7d5957887edbf81d56e903999a75a3d743086", size = 184199, upload-time = "2024-08-06T20:31:40.178Z" }, - { url = "https://files.pythonhosted.org/packages/c7/7a/68bd47624dab8fd4afbfd3c48e3b79efe09098ae941de5b58abcbadff5cb/PyYAML-6.0.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:29717114e51c84ddfba879543fb232a6ed60086602313ca38cce623c1d62cfbf", size = 171758, upload-time = "2024-08-06T20:31:42.173Z" }, - { url = "https://files.pythonhosted.org/packages/49/ee/14c54df452143b9ee9f0f29074d7ca5516a36edb0b4cc40c3f280131656f/PyYAML-6.0.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8824b5a04a04a047e72eea5cec3bc266db09e35de6bdfe34c9436ac5ee27d237", size = 718463, upload-time = "2024-08-06T20:31:44.263Z" }, - { url = "https://files.pythonhosted.org/packages/4d/61/de363a97476e766574650d742205be468921a7b532aa2499fcd886b62530/PyYAML-6.0.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c36280e6fb8385e520936c3cb3b8042851904eba0e58d277dca80a5cfed590b", size = 719280, upload-time = "2024-08-06T20:31:50.199Z" }, - { url = "https://files.pythonhosted.org/packages/6b/4e/1523cb902fd98355e2e9ea5e5eb237cbc5f3ad5f3075fa65087aa0ecb669/PyYAML-6.0.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ec031d5d2feb36d1d1a24380e4db6d43695f3748343d99434e6f5f9156aaa2ed", size = 751239, upload-time = "2024-08-06T20:31:52.292Z" }, - { url = "https://files.pythonhosted.org/packages/b7/33/5504b3a9a4464893c32f118a9cc045190a91637b119a9c881da1cf6b7a72/PyYAML-6.0.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:936d68689298c36b53b29f23c6dbb74de12b4ac12ca6cfe0e047bedceea56180", size = 695802, upload-time = "2024-08-06T20:31:53.836Z" }, - { url = "https://files.pythonhosted.org/packages/5c/20/8347dcabd41ef3a3cdc4f7b7a2aff3d06598c8779faa189cdbf878b626a4/PyYAML-6.0.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:23502f431948090f597378482b4812b0caae32c22213aecf3b55325e049a6c68", size = 720527, upload-time = "2024-08-06T20:31:55.565Z" }, - { url = "https://files.pythonhosted.org/packages/be/aa/5afe99233fb360d0ff37377145a949ae258aaab831bde4792b32650a4378/PyYAML-6.0.2-cp310-cp310-win32.whl", hash = "sha256:2e99c6826ffa974fe6e27cdb5ed0021786b03fc98e5ee3c5bfe1fd5015f42b99", size = 144052, upload-time = "2024-08-06T20:31:56.914Z" }, - { url = "https://files.pythonhosted.org/packages/b5/84/0fa4b06f6d6c958d207620fc60005e241ecedceee58931bb20138e1e5776/PyYAML-6.0.2-cp310-cp310-win_amd64.whl", hash = "sha256:a4d3091415f010369ae4ed1fc6b79def9416358877534caf6a0fdd2146c87a3e", size = 161774, upload-time = "2024-08-06T20:31:58.304Z" }, - { url = "https://files.pythonhosted.org/packages/f8/aa/7af4e81f7acba21a4c6be026da38fd2b872ca46226673c89a758ebdc4fd2/PyYAML-6.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cc1c1159b3d456576af7a3e4d1ba7e6924cb39de8f67111c735f6fc832082774", size = 184612, upload-time = "2024-08-06T20:32:03.408Z" }, - { url = "https://files.pythonhosted.org/packages/8b/62/b9faa998fd185f65c1371643678e4d58254add437edb764a08c5a98fb986/PyYAML-6.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1e2120ef853f59c7419231f3bf4e7021f1b936f6ebd222406c3b60212205d2ee", size = 172040, upload-time = "2024-08-06T20:32:04.926Z" }, - { url = "https://files.pythonhosted.org/packages/ad/0c/c804f5f922a9a6563bab712d8dcc70251e8af811fce4524d57c2c0fd49a4/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5d225db5a45f21e78dd9358e58a98702a0302f2659a3c6cd320564b75b86f47c", size = 736829, upload-time = "2024-08-06T20:32:06.459Z" }, - { url = "https://files.pythonhosted.org/packages/51/16/6af8d6a6b210c8e54f1406a6b9481febf9c64a3109c541567e35a49aa2e7/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5ac9328ec4831237bec75defaf839f7d4564be1e6b25ac710bd1a96321cc8317", size = 764167, upload-time = "2024-08-06T20:32:08.338Z" }, - { url = "https://files.pythonhosted.org/packages/75/e4/2c27590dfc9992f73aabbeb9241ae20220bd9452df27483b6e56d3975cc5/PyYAML-6.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ad2a3decf9aaba3d29c8f537ac4b243e36bef957511b4766cb0057d32b0be85", size = 762952, upload-time = "2024-08-06T20:32:14.124Z" }, - { url = "https://files.pythonhosted.org/packages/9b/97/ecc1abf4a823f5ac61941a9c00fe501b02ac3ab0e373c3857f7d4b83e2b6/PyYAML-6.0.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ff3824dc5261f50c9b0dfb3be22b4567a6f938ccce4587b38952d85fd9e9afe4", size = 735301, upload-time = "2024-08-06T20:32:16.17Z" }, - { url = "https://files.pythonhosted.org/packages/45/73/0f49dacd6e82c9430e46f4a027baa4ca205e8b0a9dce1397f44edc23559d/PyYAML-6.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:797b4f722ffa07cc8d62053e4cff1486fa6dc094105d13fea7b1de7d8bf71c9e", size = 756638, upload-time = "2024-08-06T20:32:18.555Z" }, - { url = "https://files.pythonhosted.org/packages/22/5f/956f0f9fc65223a58fbc14459bf34b4cc48dec52e00535c79b8db361aabd/PyYAML-6.0.2-cp311-cp311-win32.whl", hash = "sha256:11d8f3dd2b9c1207dcaf2ee0bbbfd5991f571186ec9cc78427ba5bd32afae4b5", size = 143850, upload-time = "2024-08-06T20:32:19.889Z" }, - { url = "https://files.pythonhosted.org/packages/ed/23/8da0bbe2ab9dcdd11f4f4557ccaf95c10b9811b13ecced089d43ce59c3c8/PyYAML-6.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e10ce637b18caea04431ce14fabcf5c64a1c61ec9c56b071a4b7ca131ca52d44", size = 161980, upload-time = "2024-08-06T20:32:21.273Z" }, - { url = "https://files.pythonhosted.org/packages/86/0c/c581167fc46d6d6d7ddcfb8c843a4de25bdd27e4466938109ca68492292c/PyYAML-6.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c70c95198c015b85feafc136515252a261a84561b7b1d51e3384e0655ddf25ab", size = 183873, upload-time = "2024-08-06T20:32:25.131Z" }, - { url = "https://files.pythonhosted.org/packages/a8/0c/38374f5bb272c051e2a69281d71cba6fdb983413e6758b84482905e29a5d/PyYAML-6.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce826d6ef20b1bc864f0a68340c8b3287705cae2f8b4b1d932177dcc76721725", size = 173302, upload-time = "2024-08-06T20:32:26.511Z" }, - { url = "https://files.pythonhosted.org/packages/c3/93/9916574aa8c00aa06bbac729972eb1071d002b8e158bd0e83a3b9a20a1f7/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f71ea527786de97d1a0cc0eacd1defc0985dcf6b3f17bb77dcfc8c34bec4dc5", size = 739154, upload-time = "2024-08-06T20:32:28.363Z" }, - { url = "https://files.pythonhosted.org/packages/95/0f/b8938f1cbd09739c6da569d172531567dbcc9789e0029aa070856f123984/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9b22676e8097e9e22e36d6b7bda33190d0d400f345f23d4065d48f4ca7ae0425", size = 766223, upload-time = "2024-08-06T20:32:30.058Z" }, - { url = "https://files.pythonhosted.org/packages/b9/2b/614b4752f2e127db5cc206abc23a8c19678e92b23c3db30fc86ab731d3bd/PyYAML-6.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80bab7bfc629882493af4aa31a4cfa43a4c57c83813253626916b8c7ada83476", size = 767542, upload-time = "2024-08-06T20:32:31.881Z" }, - { url = "https://files.pythonhosted.org/packages/d4/00/dd137d5bcc7efea1836d6264f049359861cf548469d18da90cd8216cf05f/PyYAML-6.0.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:0833f8694549e586547b576dcfaba4a6b55b9e96098b36cdc7ebefe667dfed48", size = 731164, upload-time = "2024-08-06T20:32:37.083Z" }, - { url = "https://files.pythonhosted.org/packages/c9/1f/4f998c900485e5c0ef43838363ba4a9723ac0ad73a9dc42068b12aaba4e4/PyYAML-6.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8b9c7197f7cb2738065c481a0461e50ad02f18c78cd75775628afb4d7137fb3b", size = 756611, upload-time = "2024-08-06T20:32:38.898Z" }, - { url = "https://files.pythonhosted.org/packages/df/d1/f5a275fdb252768b7a11ec63585bc38d0e87c9e05668a139fea92b80634c/PyYAML-6.0.2-cp312-cp312-win32.whl", hash = "sha256:ef6107725bd54b262d6dedcc2af448a266975032bc85ef0172c5f059da6325b4", size = 140591, upload-time = "2024-08-06T20:32:40.241Z" }, - { url = "https://files.pythonhosted.org/packages/0c/e8/4f648c598b17c3d06e8753d7d13d57542b30d56e6c2dedf9c331ae56312e/PyYAML-6.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:7e7401d0de89a9a855c839bc697c079a4af81cf878373abd7dc625847d25cbd8", size = 156338, upload-time = "2024-08-06T20:32:41.93Z" }, +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/9f/62/67fc8e68a75f738c9200422bf65693fb79a4cd0dc5b23310e5202e978090/pyyaml-6.0.3-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:b865addae83924361678b652338317d1bd7e79b1f4596f96b96c77a5a34b34da", size = 184450, upload-time = "2025-09-25T21:33:00.618Z" }, + { url = "https://files.pythonhosted.org/packages/ae/92/861f152ce87c452b11b9d0977952259aa7df792d71c1053365cc7b09cc08/pyyaml-6.0.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c3355370a2c156cffb25e876646f149d5d68f5e0a3ce86a5084dd0b64a994917", size = 174319, upload-time = "2025-09-25T21:33:02.086Z" }, + { url = "https://files.pythonhosted.org/packages/d0/cd/f0cfc8c74f8a030017a2b9c771b7f47e5dd702c3e28e5b2071374bda2948/pyyaml-6.0.3-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:3c5677e12444c15717b902a5798264fa7909e41153cdf9ef7ad571b704a63dd9", size = 737631, upload-time = "2025-09-25T21:33:03.25Z" }, + { url = "https://files.pythonhosted.org/packages/ef/b2/18f2bd28cd2055a79a46c9b0895c0b3d987ce40ee471cecf58a1a0199805/pyyaml-6.0.3-cp39-cp39-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:5ed875a24292240029e4483f9d4a4b8a1ae08843b9c54f43fcc11e404532a8a5", size = 836795, upload-time = "2025-09-25T21:33:05.014Z" }, + { url = "https://files.pythonhosted.org/packages/73/b9/793686b2d54b531203c160ef12bec60228a0109c79bae6c1277961026770/pyyaml-6.0.3-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:0150219816b6a1fa26fb4699fb7daa9caf09eb1999f3b70fb6e786805e80375a", size = 750767, upload-time = "2025-09-25T21:33:06.398Z" }, + { url = "https://files.pythonhosted.org/packages/a9/86/a137b39a611def2ed78b0e66ce2fe13ee701a07c07aebe55c340ed2a050e/pyyaml-6.0.3-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:fa160448684b4e94d80416c0fa4aac48967a969efe22931448d853ada8baf926", size = 727982, upload-time = "2025-09-25T21:33:08.708Z" }, + { url = "https://files.pythonhosted.org/packages/dd/62/71c27c94f457cf4418ef8ccc71735324c549f7e3ea9d34aba50874563561/pyyaml-6.0.3-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:27c0abcb4a5dac13684a37f76e701e054692a9b2d3064b70f5e4eb54810553d7", size = 755677, upload-time = "2025-09-25T21:33:09.876Z" }, + { url = "https://files.pythonhosted.org/packages/29/3d/6f5e0d58bd924fb0d06c3a6bad00effbdae2de5adb5cda5648006ffbd8d3/pyyaml-6.0.3-cp39-cp39-win32.whl", hash = "sha256:1ebe39cb5fc479422b83de611d14e2c0d3bb2a18bbcb01f229ab3cfbd8fee7a0", size = 142592, upload-time = "2025-09-25T21:33:10.983Z" }, + { url = "https://files.pythonhosted.org/packages/f0/0c/25113e0b5e103d7f1490c0e947e303fe4a696c10b501dea7a9f49d4e876c/pyyaml-6.0.3-cp39-cp39-win_amd64.whl", hash = "sha256:2e71d11abed7344e42a8849600193d15b6def118602c4c176f748e4583246007", size = 158777, upload-time = "2025-09-25T21:33:15.55Z" }, ] [[package]] name = "rapidfuzz" version = "3.13.0" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] sdist = { url = "https://files.pythonhosted.org/packages/ed/f6/6895abc3a3d056b9698da3199b04c0e56226d530ae44a470edabf8b664f0/rapidfuzz-3.13.0.tar.gz", hash = "sha256:d2eaf3839e52cbcc0accbe9817a67b4b0fcf70aaeb229cfddc1c28061f9ce5d8", size = 57904226, upload-time = "2025-04-03T20:38:51.226Z" } wheels = [ { url = "https://files.pythonhosted.org/packages/de/27/ca10b3166024ae19a7e7c21f73c58dfd4b7fef7420e5497ee64ce6b73453/rapidfuzz-3.13.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:aafc42a1dc5e1beeba52cd83baa41372228d6d8266f6d803c16dbabbcc156255", size = 1998899, upload-time = "2025-04-03T20:35:08.764Z" }, @@ -2437,6 +14155,21 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/8e/83/fa33f61796731891c3e045d0cbca4436a5c436a170e7f04d42c2423652c3/rapidfuzz-3.13.0-cp312-cp312-win32.whl", hash = "sha256:4671ee300d1818d7bdfd8fa0608580d7778ba701817216f0c17fb29e6b972514", size = 1823915, upload-time = "2025-04-03T20:36:39.451Z" }, { url = "https://files.pythonhosted.org/packages/03/25/5ee7ab6841ca668567d0897905eebc79c76f6297b73bf05957be887e9c74/rapidfuzz-3.13.0-cp312-cp312-win_amd64.whl", hash = "sha256:6e2065f68fb1d0bf65adc289c1bdc45ba7e464e406b319d67bb54441a1b9da9e", size = 1616985, upload-time = "2025-04-03T20:36:41.631Z" }, { url = "https://files.pythonhosted.org/packages/76/5e/3f0fb88db396cb692aefd631e4805854e02120a2382723b90dcae720bcc6/rapidfuzz-3.13.0-cp312-cp312-win_arm64.whl", hash = "sha256:65cc97c2fc2c2fe23586599686f3b1ceeedeca8e598cfcc1b7e56dc8ca7e2aa7", size = 860116, upload-time = "2025-04-03T20:36:43.915Z" }, + { url = "https://files.pythonhosted.org/packages/24/23/fceeab4ed5d0ecddd573b19502547fdc9be80418628bb8947fc22e905844/rapidfuzz-3.13.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:cc64da907114d7a18b5e589057e3acaf2fec723d31c49e13fedf043592a3f6a7", size = 2002049, upload-time = "2025-04-03T20:37:21.715Z" }, + { url = "https://files.pythonhosted.org/packages/f4/20/189c716da9e3c5a907b4620b6c326fc09c47dab10bf025b9482932b972ba/rapidfuzz-3.13.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4d9d7f84c8e992a8dbe5a3fdbea73d733da39bf464e62c912ac3ceba9c0cff93", size = 1452832, upload-time = "2025-04-03T20:37:24.008Z" }, + { url = "https://files.pythonhosted.org/packages/e3/3c/195f8c4b4a76e00c4d2f5f4ebec2c2108a81afbb1339a3378cf9b370bd02/rapidfuzz-3.13.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1a79a2f07786a2070669b4b8e45bd96a01c788e7a3c218f531f3947878e0f956", size = 1426492, upload-time = "2025-04-03T20:37:26.25Z" }, + { url = "https://files.pythonhosted.org/packages/ae/8e/e1eca4b25ecdfed51750008e9b0f5d3539bbd897f8ea14f525738775d1b6/rapidfuzz-3.13.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9f338e71c45b69a482de8b11bf4a029993230760120c8c6e7c9b71760b6825a1", size = 5343427, upload-time = "2025-04-03T20:37:28.959Z" }, + { url = "https://files.pythonhosted.org/packages/48/0d/366b972b54d7d6edd83c86ebcdf5ca446f35fba72d8b283a3629f0677b7f/rapidfuzz-3.13.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:adb40ca8ddfcd4edd07b0713a860be32bdf632687f656963bcbce84cea04b8d8", size = 1649583, upload-time = "2025-04-03T20:37:31.435Z" }, + { url = "https://files.pythonhosted.org/packages/93/1b/7f5841392bae67e645dc39e49b37824028a400c489e8afb16eb1e5095da8/rapidfuzz-3.13.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:48719f7dcf62dfb181063b60ee2d0a39d327fa8ad81b05e3e510680c44e1c078", size = 1615186, upload-time = "2025-04-03T20:37:33.686Z" }, + { url = "https://files.pythonhosted.org/packages/5e/00/861a4601e4685efd8161966cf35728806fb9df112b6951585bb194f74379/rapidfuzz-3.13.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9327a4577f65fc3fb712e79f78233815b8a1c94433d0c2c9f6bc5953018b3565", size = 3080994, upload-time = "2025-04-03T20:37:35.935Z" }, + { url = "https://files.pythonhosted.org/packages/6f/5a/19c03bc9a550f63875d8db25c3d9b2e6d98757bd28ea1a1fd40ec6b22ee1/rapidfuzz-3.13.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:200030dfc0a1d5d6ac18e993c5097c870c97c41574e67f227300a1fb74457b1d", size = 2492755, upload-time = "2025-04-03T20:37:38.665Z" }, + { url = "https://files.pythonhosted.org/packages/f0/44/5b860b4dcab7ee6f4ded818d5b0bf548772519386418ab84e9f395c7e995/rapidfuzz-3.13.0-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:cc269e74cad6043cb8a46d0ce580031ab642b5930562c2bb79aa7fbf9c858d26", size = 7577160, upload-time = "2025-04-03T20:37:41.056Z" }, + { url = "https://files.pythonhosted.org/packages/d0/64/22aab1c17c96ae344a06e5be692a62977d6acd5dd7f8470a8e068111282a/rapidfuzz-3.13.0-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:e62779c6371bd2b21dbd1fdce89eaec2d93fd98179d36f61130b489f62294a92", size = 2891173, upload-time = "2025-04-03T20:37:43.647Z" }, + { url = "https://files.pythonhosted.org/packages/9b/da/e4928f158c5cebe2877dc11dea62d230cc02bd977992cf4bf33c41ae6ffe/rapidfuzz-3.13.0-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:f4797f821dc5d7c2b6fc818b89f8a3f37bcc900dd9e4369e6ebf1e525efce5db", size = 3434650, upload-time = "2025-04-03T20:37:47.015Z" }, + { url = "https://files.pythonhosted.org/packages/5c/d7/a126c0f4ae2b7927d2b7a4206e2b98db2940591d4edcb350d772b97d18ba/rapidfuzz-3.13.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:d21f188f6fe4fbf422e647ae9d5a68671d00218e187f91859c963d0738ccd88c", size = 4414291, upload-time = "2025-04-03T20:37:49.55Z" }, + { url = "https://files.pythonhosted.org/packages/d7/b0/3ad076cd513f5562b99c9e62760f7c451cd29f3d47d80ae40c8070e813f4/rapidfuzz-3.13.0-cp39-cp39-win32.whl", hash = "sha256:45dd4628dd9c21acc5c97627dad0bb791764feea81436fb6e0a06eef4c6dceaa", size = 1845012, upload-time = "2025-04-03T20:37:52.423Z" }, + { url = "https://files.pythonhosted.org/packages/aa/0f/b6a37389f33c777de96b26f0ae1362d3524cad3fb84468a46346c24b6a98/rapidfuzz-3.13.0-cp39-cp39-win_amd64.whl", hash = "sha256:624a108122039af89ddda1a2b7ab2a11abe60c1521956f142f5d11bcd42ef138", size = 1627071, upload-time = "2025-04-03T20:37:54.757Z" }, + { url = "https://files.pythonhosted.org/packages/89/10/ce1083b678db3e39b9a42244471501fb4d925b7cab0a771790d2ca3b3c27/rapidfuzz-3.13.0-cp39-cp39-win_arm64.whl", hash = "sha256:435071fd07a085ecbf4d28702a66fd2e676a03369ee497cc38bcb69a46bc77e2", size = 867233, upload-time = "2025-04-03T20:37:57.825Z" }, { url = "https://files.pythonhosted.org/packages/d5/e1/f5d85ae3c53df6f817ca70dbdd37c83f31e64caced5bb867bec6b43d1fdf/rapidfuzz-3.13.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:fe5790a36d33a5d0a6a1f802aa42ecae282bf29ac6f7506d8e12510847b82a45", size = 1904437, upload-time = "2025-04-03T20:38:00.255Z" }, { url = "https://files.pythonhosted.org/packages/db/d7/ded50603dddc5eb182b7ce547a523ab67b3bf42b89736f93a230a398a445/rapidfuzz-3.13.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:cdb33ee9f8a8e4742c6b268fa6bd739024f34651a06b26913381b1413ebe7590", size = 1383126, upload-time = "2025-04-03T20:38:02.676Z" }, { url = "https://files.pythonhosted.org/packages/c4/48/6f795e793babb0120b63a165496d64f989b9438efbeed3357d9a226ce575/rapidfuzz-3.13.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8c99b76b93f7b495eee7dcb0d6a38fb3ce91e72e99d9f78faa5664a881cb2b7d", size = 1365565, upload-time = "2025-04-03T20:38:06.646Z" }, @@ -2449,65 +14182,741 @@ wheels = [ { url = "https://files.pythonhosted.org/packages/da/f0/9f2a9043bfc4e66da256b15d728c5fc2d865edf0028824337f5edac36783/rapidfuzz-3.13.0-pp311-pypy311_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:202a87760f5145140d56153b193a797ae9338f7939eb16652dd7ff96f8faf64c", size = 5251057, upload-time = "2025-04-03T20:38:25.52Z" }, { url = "https://files.pythonhosted.org/packages/6a/ff/af2cb1d8acf9777d52487af5c6b34ce9d13381a753f991d95ecaca813407/rapidfuzz-3.13.0-pp311-pypy311_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cfcccc08f671646ccb1e413c773bb92e7bba789e3a1796fd49d23c12539fe2e4", size = 2992401, upload-time = "2025-04-03T20:38:28.196Z" }, { url = "https://files.pythonhosted.org/packages/c1/c5/c243b05a15a27b946180db0d1e4c999bef3f4221505dff9748f1f6c917be/rapidfuzz-3.13.0-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:1f219f1e3c3194d7a7de222f54450ce12bc907862ff9a8962d83061c1f923c86", size = 1553782, upload-time = "2025-04-03T20:38:30.778Z" }, + { url = "https://files.pythonhosted.org/packages/67/28/76470c1da02ea9c0ff299aa06d87057122e94b55db60c4f57acbce7b0432/rapidfuzz-3.13.0-pp39-pypy39_pp73-macosx_10_15_x86_64.whl", hash = "sha256:ccbd0e7ea1a216315f63ffdc7cd09c55f57851afc8fe59a74184cb7316c0598b", size = 1908943, upload-time = "2025-04-03T20:38:33.632Z" }, + { url = "https://files.pythonhosted.org/packages/ae/ff/fde4ebbc55da03a6319106eb287d87e2bc5e177e0c90c95c735086993c40/rapidfuzz-3.13.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:a50856f49a4016ef56edd10caabdaf3608993f9faf1e05c3c7f4beeac46bd12a", size = 1387875, upload-time = "2025-04-03T20:38:36.536Z" }, + { url = "https://files.pythonhosted.org/packages/d0/a1/ef21859170e9d7e7e7ee818e9541b71da756189586f87e129c7b13c79dd3/rapidfuzz-3.13.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0fd05336db4d0b8348d7eaaf6fa3c517b11a56abaa5e89470ce1714e73e4aca7", size = 1373040, upload-time = "2025-04-03T20:38:39.294Z" }, + { url = "https://files.pythonhosted.org/packages/58/c7/2361a8787f12166212c7d4ad4d2a01b640164686ea39ee26b24fd12acd3e/rapidfuzz-3.13.0-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:573ad267eb9b3f6e9b04febce5de55d8538a87c56c64bf8fd2599a48dc9d8b77", size = 5254220, upload-time = "2025-04-03T20:38:42.201Z" }, + { url = "https://files.pythonhosted.org/packages/1d/55/a965d98d5acf4a27ddd1d6621f086231dd243820e8108e8da7fa8a01ca1f/rapidfuzz-3.13.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30fd1451f87ccb6c2f9d18f6caa483116bbb57b5a55d04d3ddbd7b86f5b14998", size = 2990908, upload-time = "2025-04-03T20:38:44.794Z" }, + { url = "https://files.pythonhosted.org/packages/48/64/e49988ee08ddb6ca8757785577da0fe2302cf759a5b246f50eded8d66fdd/rapidfuzz-3.13.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:a6dd36d4916cf57ddb05286ed40b09d034ca5d4bca85c17be0cb6a21290597d9", size = 1555134, upload-time = "2025-04-03T20:38:47.337Z" }, +] + +[[package]] +name = "rapidfuzz" +version = "3.14.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +sdist = { url = "https://files.pythonhosted.org/packages/ed/fc/a98b616db9a42dcdda7c78c76bdfdf6fe290ac4c5ffbb186f73ec981ad5b/rapidfuzz-3.14.1.tar.gz", hash = "sha256:b02850e7f7152bd1edff27e9d584505b84968cacedee7a734ec4050c655a803c", size = 57869570, upload-time = "2025-09-08T21:08:15.922Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/6a/b9/4e35178f405a1a95abd37cce4dc09d4a5bbc5e098687680b5ba796d3115b/rapidfuzz-3.14.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:489440e4b5eea0d150a31076eb183bed0ec84f934df206c72ae4fc3424501758", size = 1939645, upload-time = "2025-09-08T21:05:16.569Z" }, + { url = "https://files.pythonhosted.org/packages/51/af/fd7b8662a3b6952559af322dcf1c9d4eb5ec6be2697c30ae8ed3c44876ca/rapidfuzz-3.14.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:eff22cc938c3f74d194df03790a6c3325d213b28cf65cdefd6fdeae759b745d5", size = 1393620, upload-time = "2025-09-08T21:05:18.598Z" }, + { url = "https://files.pythonhosted.org/packages/c5/5b/5715445e29c1c6ba364b3d27278da3fdffb18d9147982e977c6638dcecbf/rapidfuzz-3.14.1-cp310-cp310-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:e0307f018b16feaa36074bcec2496f6f120af151a098910296e72e233232a62f", size = 1387721, upload-time = "2025-09-08T21:05:20.408Z" }, + { url = "https://files.pythonhosted.org/packages/19/49/83a14a6a90982b090257c4b2e96b9b9c423a89012b8504d5a14d92a4f8c2/rapidfuzz-3.14.1-cp310-cp310-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:bc133652da143aca1ab72de235446432888b2b7f44ee332d006f8207967ecb8a", size = 1694545, upload-time = "2025-09-08T21:05:22.137Z" }, + { url = "https://files.pythonhosted.org/packages/99/f7/94618fcaaac8c04abf364f405c6811a02bc9edef209f276dc513a9a50f7c/rapidfuzz-3.14.1-cp310-cp310-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:e9e71b3fe7e4a1590843389a90fe2a8684649fc74b9b7446e17ee504ddddb7de", size = 2237075, upload-time = "2025-09-08T21:05:23.637Z" }, + { url = "https://files.pythonhosted.org/packages/58/f6/a5ee2db25f36b0e5e06502fb77449b7718cd9f92ad36d598e669ba91db7b/rapidfuzz-3.14.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:6c51519eb2f20b52eba6fc7d857ae94acc6c2a1f5d0f2d794b9d4977cdc29dd7", size = 3168778, upload-time = "2025-09-08T21:05:25.508Z" }, + { url = "https://files.pythonhosted.org/packages/0f/e8/c9620e358805c099e6755b7d2827b1e711b5e61914d6112ce2faa2c2af79/rapidfuzz-3.14.1-cp310-cp310-manylinux_2_31_armv7l.whl", hash = "sha256:fe87d94602624f8f25fff9a0a7b47f33756c4d9fc32b6d3308bb142aa483b8a4", size = 1223827, upload-time = "2025-09-08T21:05:27.299Z" }, + { url = "https://files.pythonhosted.org/packages/84/08/24916c3c3d55d6236474c9da0a595641d0013d3604de0625e8a8974371c3/rapidfuzz-3.14.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:2d665380503a575dda52eb712ea521f789e8f8fd629c7a8e6c0f8ff480febc78", size = 2408366, upload-time = "2025-09-08T21:05:28.808Z" }, + { url = "https://files.pythonhosted.org/packages/40/d4/4152e8821b5c548443a6c46568fccef13de5818a5ab370d553ea3d5955b3/rapidfuzz-3.14.1-cp310-cp310-musllinux_1_2_armv7l.whl", hash = "sha256:c0f0dd022b8a7cbf3c891f6de96a80ab6a426f1069a085327816cea749e096c2", size = 2530148, upload-time = "2025-09-08T21:05:30.782Z" }, + { url = "https://files.pythonhosted.org/packages/bd/af/6587c6d590abe232c530ad43fbfbcaec899bff7204e237f1fd21e2e44b81/rapidfuzz-3.14.1-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:bf1ba22d36858b265c95cd774ba7fe8991e80a99cd86fe4f388605b01aee81a3", size = 2810628, upload-time = "2025-09-08T21:05:32.844Z" }, + { url = "https://files.pythonhosted.org/packages/d7/90/a99e6cfd90feb9d770654f1f39321099bbbf7f85d2832f2ef48d3f4ebc5f/rapidfuzz-3.14.1-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:ca1c1494ac9f9386d37f0e50cbaf4d07d184903aed7691549df1b37e9616edc9", size = 3314406, upload-time = "2025-09-08T21:05:34.585Z" }, + { url = "https://files.pythonhosted.org/packages/5f/b3/eba5a6c217200fd1d3615997930a9e5db6a74e3002b7867b54545f9b5cbb/rapidfuzz-3.14.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:9e4b12e921b0fa90d7c2248742a536f21eae5562174090b83edd0b4ab8b557d7", size = 4280030, upload-time = "2025-09-08T21:05:36.646Z" }, + { url = "https://files.pythonhosted.org/packages/04/6f/d2e060a2094cfb7f3cd487c376e098abb22601e0eea178e51a59ce0a3158/rapidfuzz-3.14.1-cp310-cp310-win32.whl", hash = "sha256:5e1c1f2292baa4049535b07e9e81feb29e3650d2ba35ee491e64aca7ae4cb15e", size = 1727070, upload-time = "2025-09-08T21:05:38.57Z" }, + { url = "https://files.pythonhosted.org/packages/73/0a/ca231464ec689f2aabf9547a52cbc76a10affe960bddde8660699ba3de33/rapidfuzz-3.14.1-cp310-cp310-win_amd64.whl", hash = "sha256:59a8694beb9a13c4090ab3d1712cabbd896c6949706d1364e2a2e1713c413760", size = 1545335, upload-time = "2025-09-08T21:05:40.22Z" }, + { url = "https://files.pythonhosted.org/packages/59/c5/1e0b17f20fd3d701470548a6db8f36d589fb1a8a65d3828968547d987486/rapidfuzz-3.14.1-cp310-cp310-win_arm64.whl", hash = "sha256:e94cee93faa792572c574a615abe12912124b4ffcf55876b72312914ab663345", size = 816960, upload-time = "2025-09-08T21:05:42.225Z" }, + { url = "https://files.pythonhosted.org/packages/5c/c7/c3c860d512606225c11c8ee455b4dc0b0214dbcfac90a2c22dddf55320f3/rapidfuzz-3.14.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4d976701060886a791c8a9260b1d4139d14c1f1e9a6ab6116b45a1acf3baff67", size = 1938398, upload-time = "2025-09-08T21:05:44.031Z" }, + { url = "https://files.pythonhosted.org/packages/c0/f3/67f5c5cd4d728993c48c1dcb5da54338d77c03c34b4903cc7839a3b89faf/rapidfuzz-3.14.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:5e6ba7e6eb2ab03870dcab441d707513db0b4264c12fba7b703e90e8b4296df2", size = 1392819, upload-time = "2025-09-08T21:05:45.549Z" }, + { url = "https://files.pythonhosted.org/packages/d5/06/400d44842f4603ce1bebeaeabe776f510e329e7dbf6c71b6f2805e377889/rapidfuzz-3.14.1-cp311-cp311-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:1e532bf46de5fd3a1efde73a16a4d231d011bce401c72abe3c6ecf9de681003f", size = 1391798, upload-time = "2025-09-08T21:05:47.044Z" }, + { url = "https://files.pythonhosted.org/packages/90/97/a6944955713b47d88e8ca4305ca7484940d808c4e6c4e28b6fa0fcbff97e/rapidfuzz-3.14.1-cp311-cp311-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:f9b6a6fb8ed9b951e5f3b82c1ce6b1665308ec1a0da87f799b16e24fc59e4662", size = 1699136, upload-time = "2025-09-08T21:05:48.919Z" }, + { url = "https://files.pythonhosted.org/packages/a8/1e/f311a5c95ddf922db6dd8666efeceb9ac69e1319ed098ac80068a4041732/rapidfuzz-3.14.1-cp311-cp311-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:5b6ac3f9810949caef0e63380b11a3c32a92f26bacb9ced5e32c33560fcdf8d1", size = 2236238, upload-time = "2025-09-08T21:05:50.844Z" }, + { url = "https://files.pythonhosted.org/packages/85/27/e14e9830255db8a99200f7111b158ddef04372cf6332a415d053fe57cc9c/rapidfuzz-3.14.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e52e4c34fd567f77513e886b66029c1ae02f094380d10eba18ba1c68a46d8b90", size = 3183685, upload-time = "2025-09-08T21:05:52.362Z" }, + { url = "https://files.pythonhosted.org/packages/61/b2/42850c9616ddd2887904e5dd5377912cbabe2776fdc9fd4b25e6e12fba32/rapidfuzz-3.14.1-cp311-cp311-manylinux_2_31_armv7l.whl", hash = "sha256:2ef72e41b1a110149f25b14637f1cedea6df192462120bea3433980fe9d8ac05", size = 1231523, upload-time = "2025-09-08T21:05:53.927Z" }, + { url = "https://files.pythonhosted.org/packages/de/b5/6b90ed7127a1732efef39db46dd0afc911f979f215b371c325a2eca9cb15/rapidfuzz-3.14.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:fb654a35b373d712a6b0aa2a496b2b5cdd9d32410cfbaecc402d7424a90ba72a", size = 2415209, upload-time = "2025-09-08T21:05:55.422Z" }, + { url = "https://files.pythonhosted.org/packages/70/60/af51c50d238c82f2179edc4b9f799cc5a50c2c0ebebdcfaa97ded7d02978/rapidfuzz-3.14.1-cp311-cp311-musllinux_1_2_armv7l.whl", hash = "sha256:2b2c12e5b9eb8fe9a51b92fe69e9ca362c0970e960268188a6d295e1dec91e6d", size = 2532957, upload-time = "2025-09-08T21:05:57.048Z" }, + { url = "https://files.pythonhosted.org/packages/50/92/29811d2ba7c984251a342c4f9ccc7cc4aa09d43d800af71510cd51c36453/rapidfuzz-3.14.1-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:4f069dec5c450bd987481e752f0a9979e8fdf8e21e5307f5058f5c4bb162fa56", size = 2815720, upload-time = "2025-09-08T21:05:58.618Z" }, + { url = "https://files.pythonhosted.org/packages/78/69/cedcdee16a49e49d4985eab73b59447f211736c5953a58f1b91b6c53a73f/rapidfuzz-3.14.1-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:4d0d9163725b7ad37a8c46988cae9ebab255984db95ad01bf1987ceb9e3058dd", size = 3323704, upload-time = "2025-09-08T21:06:00.576Z" }, + { url = "https://files.pythonhosted.org/packages/76/3e/5a3f9a5540f18e0126e36f86ecf600145344acb202d94b63ee45211a18b8/rapidfuzz-3.14.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:db656884b20b213d846f6bc990c053d1f4a60e6d4357f7211775b02092784ca1", size = 4287341, upload-time = "2025-09-08T21:06:02.301Z" }, + { url = "https://files.pythonhosted.org/packages/46/26/45db59195929dde5832852c9de8533b2ac97dcc0d852d1f18aca33828122/rapidfuzz-3.14.1-cp311-cp311-win32.whl", hash = "sha256:4b42f7b9c58cbcfbfaddc5a6278b4ca3b6cd8983e7fd6af70ca791dff7105fb9", size = 1726574, upload-time = "2025-09-08T21:06:04.357Z" }, + { url = "https://files.pythonhosted.org/packages/01/5c/a4caf76535f35fceab25b2aaaed0baecf15b3d1fd40746f71985d20f8c4b/rapidfuzz-3.14.1-cp311-cp311-win_amd64.whl", hash = "sha256:e5847f30d7d4edefe0cb37294d956d3495dd127c1c56e9128af3c2258a520bb4", size = 1547124, upload-time = "2025-09-08T21:06:06.002Z" }, + { url = "https://files.pythonhosted.org/packages/c6/66/aa93b52f95a314584d71fa0b76df00bdd4158aafffa76a350f1ae416396c/rapidfuzz-3.14.1-cp311-cp311-win_arm64.whl", hash = "sha256:5087d8ad453092d80c042a08919b1cb20c8ad6047d772dc9312acd834da00f75", size = 816958, upload-time = "2025-09-08T21:06:07.509Z" }, + { url = "https://files.pythonhosted.org/packages/df/77/2f4887c9b786f203e50b816c1cde71f96642f194e6fa752acfa042cf53fd/rapidfuzz-3.14.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:809515194f628004aac1b1b280c3734c5ea0ccbd45938c9c9656a23ae8b8f553", size = 1932216, upload-time = "2025-09-08T21:06:09.342Z" }, + { url = "https://files.pythonhosted.org/packages/de/bd/b5e445d156cb1c2a87d36d8da53daf4d2a1d1729b4851660017898b49aa0/rapidfuzz-3.14.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0afcf2d6cb633d0d4260d8df6a40de2d9c93e9546e2c6b317ab03f89aa120ad7", size = 1393414, upload-time = "2025-09-08T21:06:10.959Z" }, + { url = "https://files.pythonhosted.org/packages/de/bd/98d065dd0a4479a635df855616980eaae1a1a07a876db9400d421b5b6371/rapidfuzz-3.14.1-cp312-cp312-manylinux_2_26_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:5c1c3d07d53dcafee10599da8988d2b1f39df236aee501ecbd617bd883454fcd", size = 1377194, upload-time = "2025-09-08T21:06:12.471Z" }, + { url = "https://files.pythonhosted.org/packages/d3/8a/1265547b771128b686f3c431377ff1db2fa073397ed082a25998a7b06d4e/rapidfuzz-3.14.1-cp312-cp312-manylinux_2_26_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:6e9ee3e1eb0a027717ee72fe34dc9ac5b3e58119f1bd8dd15bc19ed54ae3e62b", size = 1669573, upload-time = "2025-09-08T21:06:14.016Z" }, + { url = "https://files.pythonhosted.org/packages/a8/57/e73755c52fb451f2054196404ccc468577f8da023b3a48c80bce29ee5d4a/rapidfuzz-3.14.1-cp312-cp312-manylinux_2_26_s390x.manylinux_2_28_s390x.whl", hash = "sha256:70c845b64a033a20c44ed26bc890eeb851215148cc3e696499f5f65529afb6cb", size = 2217833, upload-time = "2025-09-08T21:06:15.666Z" }, + { url = "https://files.pythonhosted.org/packages/20/14/7399c18c460e72d1b754e80dafc9f65cb42a46cc8f29cd57d11c0c4acc94/rapidfuzz-3.14.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:26db0e815213d04234298dea0d884d92b9cb8d4ba954cab7cf67a35853128a33", size = 3159012, upload-time = "2025-09-08T21:06:17.631Z" }, + { url = "https://files.pythonhosted.org/packages/f8/5e/24f0226ddb5440cabd88605d2491f99ae3748a6b27b0bc9703772892ced7/rapidfuzz-3.14.1-cp312-cp312-manylinux_2_31_armv7l.whl", hash = "sha256:6ad3395a416f8b126ff11c788531f157c7debeb626f9d897c153ff8980da10fb", size = 1227032, upload-time = "2025-09-08T21:06:21.06Z" }, + { url = "https://files.pythonhosted.org/packages/40/43/1d54a4ad1a5fac2394d5f28a3108e2bf73c26f4f23663535e3139cfede9b/rapidfuzz-3.14.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:61c5b9ab6f730e6478aa2def566223712d121c6f69a94c7cc002044799442afd", size = 2395054, upload-time = "2025-09-08T21:06:23.482Z" }, + { url = "https://files.pythonhosted.org/packages/0c/71/e9864cd5b0f086c4a03791f5dfe0155a1b132f789fe19b0c76fbabd20513/rapidfuzz-3.14.1-cp312-cp312-musllinux_1_2_armv7l.whl", hash = "sha256:13e0ea3d0c533969158727d1bb7a08c2cc9a816ab83f8f0dcfde7e38938ce3e6", size = 2524741, upload-time = "2025-09-08T21:06:26.825Z" }, + { url = "https://files.pythonhosted.org/packages/b2/0c/53f88286b912faf4a3b2619a60df4f4a67bd0edcf5970d7b0c1143501f0c/rapidfuzz-3.14.1-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:6325ca435b99f4001aac919ab8922ac464999b100173317defb83eae34e82139", size = 2785311, upload-time = "2025-09-08T21:06:29.471Z" }, + { url = "https://files.pythonhosted.org/packages/53/9a/229c26dc4f91bad323f07304ee5ccbc28f0d21c76047a1e4f813187d0bad/rapidfuzz-3.14.1-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:07a9fad3247e68798424bdc116c1094e88ecfabc17b29edf42a777520347648e", size = 3303630, upload-time = "2025-09-08T21:06:31.094Z" }, + { url = "https://files.pythonhosted.org/packages/05/de/20e330d6d58cbf83da914accd9e303048b7abae2f198886f65a344b69695/rapidfuzz-3.14.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:f8ff5dbe78db0a10c1f916368e21d328935896240f71f721e073cf6c4c8cdedd", size = 4262364, upload-time = "2025-09-08T21:06:32.877Z" }, + { url = "https://files.pythonhosted.org/packages/1f/10/2327f83fad3534a8d69fe9cd718f645ec1fe828b60c0e0e97efc03bf12f8/rapidfuzz-3.14.1-cp312-cp312-win32.whl", hash = "sha256:9c83270e44a6ae7a39fc1d7e72a27486bccc1fa5f34e01572b1b90b019e6b566", size = 1711927, upload-time = "2025-09-08T21:06:34.669Z" }, + { url = "https://files.pythonhosted.org/packages/78/8d/199df0370133fe9f35bc72f3c037b53c93c5c1fc1e8d915cf7c1f6bb8557/rapidfuzz-3.14.1-cp312-cp312-win_amd64.whl", hash = "sha256:e06664c7fdb51c708e082df08a6888fce4c5c416d7e3cc2fa66dd80eb76a149d", size = 1542045, upload-time = "2025-09-08T21:06:36.364Z" }, + { url = "https://files.pythonhosted.org/packages/b3/c6/cc5d4bd1b16ea2657c80b745d8b1c788041a31fad52e7681496197b41562/rapidfuzz-3.14.1-cp312-cp312-win_arm64.whl", hash = "sha256:6c7c26025f7934a169a23dafea6807cfc3fb556f1dd49229faf2171e5d8101cc", size = 813170, upload-time = "2025-09-08T21:06:38.001Z" }, + { url = "https://files.pythonhosted.org/packages/6d/10/0ed838b296fdac08ecbaa3a220fb4f1d887ff41b0be44fe8eade45bb650e/rapidfuzz-3.14.1-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:673ce55a9be5b772dade911909e42382c0828b8a50ed7f9168763fa6b9f7054d", size = 1860246, upload-time = "2025-09-08T21:08:02.762Z" }, + { url = "https://files.pythonhosted.org/packages/a4/70/a08f4a86387dec97508ead51cc7a4b3130d4e62ac0eae938a6d8e1feff14/rapidfuzz-3.14.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:45c62ada1980ebf4c64c4253993cc8daa018c63163f91db63bb3af69cb74c2e3", size = 1336749, upload-time = "2025-09-08T21:08:04.783Z" }, + { url = "https://files.pythonhosted.org/packages/d4/39/c12f76f69184bcfb9977d6404b2c5dac7dd4d70ee6803e61556e539d0097/rapidfuzz-3.14.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:4d51efb29c0df0d4f7f64f672a7624c2146527f0745e3572098d753676538800", size = 1512629, upload-time = "2025-09-08T21:08:06.697Z" }, + { url = "https://files.pythonhosted.org/packages/05/c7/1b17347e30f2b50dd976c54641aa12003569acb1bdaabf45a5cc6f471c58/rapidfuzz-3.14.1-pp311-pypy311_pp73-macosx_10_15_x86_64.whl", hash = "sha256:4a21ccdf1bd7d57a1009030527ba8fae1c74bf832d0a08f6b67de8f5c506c96f", size = 1862602, upload-time = "2025-09-08T21:08:09.088Z" }, + { url = "https://files.pythonhosted.org/packages/09/cf/95d0dacac77eda22499991bd5f304c77c5965fb27348019a48ec3fe4a3f6/rapidfuzz-3.14.1-pp311-pypy311_pp73-macosx_11_0_arm64.whl", hash = "sha256:589fb0af91d3aff318750539c832ea1100dbac2c842fde24e42261df443845f6", size = 1339548, upload-time = "2025-09-08T21:08:11.059Z" }, + { url = "https://files.pythonhosted.org/packages/b6/58/f515c44ba8c6fa5daa35134b94b99661ced852628c5505ead07b905c3fc7/rapidfuzz-3.14.1-pp311-pypy311_pp73-win_amd64.whl", hash = "sha256:a4f18092db4825f2517d135445015b40033ed809a41754918a03ef062abe88a0", size = 1513859, upload-time = "2025-09-08T21:08:13.07Z" }, ] [[package]] name = "regex" -version = "2024.11.6" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/8e/5f/bd69653fbfb76cf8604468d3b4ec4c403197144c7bfe0e6a5fc9e02a07cb/regex-2024.11.6.tar.gz", hash = "sha256:7ab159b063c52a0333c884e4679f8d7a85112ee3078fe3d9004b2dd875585519", size = 399494, upload-time = "2024-11-06T20:12:31.635Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/95/3c/4651f6b130c6842a8f3df82461a8950f923925db8b6961063e82744bddcc/regex-2024.11.6-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:ff590880083d60acc0433f9c3f713c51f7ac6ebb9adf889c79a261ecf541aa91", size = 482674, upload-time = "2024-11-06T20:08:57.575Z" }, - { url = "https://files.pythonhosted.org/packages/15/51/9f35d12da8434b489c7b7bffc205c474a0a9432a889457026e9bc06a297a/regex-2024.11.6-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:658f90550f38270639e83ce492f27d2c8d2cd63805c65a13a14d36ca126753f0", size = 287684, upload-time = "2024-11-06T20:08:59.787Z" }, - { url = "https://files.pythonhosted.org/packages/bd/18/b731f5510d1b8fb63c6b6d3484bfa9a59b84cc578ac8b5172970e05ae07c/regex-2024.11.6-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:164d8b7b3b4bcb2068b97428060b2a53be050085ef94eca7f240e7947f1b080e", size = 284589, upload-time = "2024-11-06T20:09:01.896Z" }, - { url = "https://files.pythonhosted.org/packages/78/a2/6dd36e16341ab95e4c6073426561b9bfdeb1a9c9b63ab1b579c2e96cb105/regex-2024.11.6-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d3660c82f209655a06b587d55e723f0b813d3a7db2e32e5e7dc64ac2a9e86fde", size = 782511, upload-time = "2024-11-06T20:09:04.062Z" }, - { url = "https://files.pythonhosted.org/packages/1b/2b/323e72d5d2fd8de0d9baa443e1ed70363ed7e7b2fb526f5950c5cb99c364/regex-2024.11.6-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d22326fcdef5e08c154280b71163ced384b428343ae16a5ab2b3354aed12436e", size = 821149, upload-time = "2024-11-06T20:09:06.237Z" }, - { url = "https://files.pythonhosted.org/packages/90/30/63373b9ea468fbef8a907fd273e5c329b8c9535fee36fc8dba5fecac475d/regex-2024.11.6-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f1ac758ef6aebfc8943560194e9fd0fa18bcb34d89fd8bd2af18183afd8da3a2", size = 809707, upload-time = "2024-11-06T20:09:07.715Z" }, - { url = "https://files.pythonhosted.org/packages/f2/98/26d3830875b53071f1f0ae6d547f1d98e964dd29ad35cbf94439120bb67a/regex-2024.11.6-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:997d6a487ff00807ba810e0f8332c18b4eb8d29463cfb7c820dc4b6e7562d0cf", size = 781702, upload-time = "2024-11-06T20:09:10.101Z" }, - { url = "https://files.pythonhosted.org/packages/87/55/eb2a068334274db86208ab9d5599ffa63631b9f0f67ed70ea7c82a69bbc8/regex-2024.11.6-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:02a02d2bb04fec86ad61f3ea7f49c015a0681bf76abb9857f945d26159d2968c", size = 771976, upload-time = "2024-11-06T20:09:11.566Z" }, - { url = "https://files.pythonhosted.org/packages/74/c0/be707bcfe98254d8f9d2cff55d216e946f4ea48ad2fd8cf1428f8c5332ba/regex-2024.11.6-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f02f93b92358ee3f78660e43b4b0091229260c5d5c408d17d60bf26b6c900e86", size = 697397, upload-time = "2024-11-06T20:09:13.119Z" }, - { url = "https://files.pythonhosted.org/packages/49/dc/bb45572ceb49e0f6509f7596e4ba7031f6819ecb26bc7610979af5a77f45/regex-2024.11.6-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:06eb1be98df10e81ebaded73fcd51989dcf534e3c753466e4b60c4697a003b67", size = 768726, upload-time = "2024-11-06T20:09:14.85Z" }, - { url = "https://files.pythonhosted.org/packages/5a/db/f43fd75dc4c0c2d96d0881967897926942e935d700863666f3c844a72ce6/regex-2024.11.6-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:040df6fe1a5504eb0f04f048e6d09cd7c7110fef851d7c567a6b6e09942feb7d", size = 775098, upload-time = "2024-11-06T20:09:16.504Z" }, - { url = "https://files.pythonhosted.org/packages/99/d7/f94154db29ab5a89d69ff893159b19ada89e76b915c1293e98603d39838c/regex-2024.11.6-cp310-cp310-musllinux_1_2_ppc64le.whl", hash = "sha256:fdabbfc59f2c6edba2a6622c647b716e34e8e3867e0ab975412c5c2f79b82da2", size = 839325, upload-time = "2024-11-06T20:09:18.698Z" }, - { url = "https://files.pythonhosted.org/packages/f7/17/3cbfab1f23356fbbf07708220ab438a7efa1e0f34195bf857433f79f1788/regex-2024.11.6-cp310-cp310-musllinux_1_2_s390x.whl", hash = "sha256:8447d2d39b5abe381419319f942de20b7ecd60ce86f16a23b0698f22e1b70008", size = 843277, upload-time = "2024-11-06T20:09:21.725Z" }, - { url = "https://files.pythonhosted.org/packages/7e/f2/48b393b51900456155de3ad001900f94298965e1cad1c772b87f9cfea011/regex-2024.11.6-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:da8f5fc57d1933de22a9e23eec290a0d8a5927a5370d24bda9a6abe50683fe62", size = 773197, upload-time = "2024-11-06T20:09:24.092Z" }, - { url = "https://files.pythonhosted.org/packages/45/3f/ef9589aba93e084cd3f8471fded352826dcae8489b650d0b9b27bc5bba8a/regex-2024.11.6-cp310-cp310-win32.whl", hash = "sha256:b489578720afb782f6ccf2840920f3a32e31ba28a4b162e13900c3e6bd3f930e", size = 261714, upload-time = "2024-11-06T20:09:26.36Z" }, - { url = "https://files.pythonhosted.org/packages/42/7e/5f1b92c8468290c465fd50c5318da64319133231415a8aa6ea5ab995a815/regex-2024.11.6-cp310-cp310-win_amd64.whl", hash = "sha256:5071b2093e793357c9d8b2929dfc13ac5f0a6c650559503bb81189d0a3814519", size = 274042, upload-time = "2024-11-06T20:09:28.762Z" }, - { url = "https://files.pythonhosted.org/packages/58/58/7e4d9493a66c88a7da6d205768119f51af0f684fe7be7bac8328e217a52c/regex-2024.11.6-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:5478c6962ad548b54a591778e93cd7c456a7a29f8eca9c49e4f9a806dcc5d638", size = 482669, upload-time = "2024-11-06T20:09:31.064Z" }, - { url = "https://files.pythonhosted.org/packages/34/4c/8f8e631fcdc2ff978609eaeef1d6994bf2f028b59d9ac67640ed051f1218/regex-2024.11.6-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2c89a8cc122b25ce6945f0423dc1352cb9593c68abd19223eebbd4e56612c5b7", size = 287684, upload-time = "2024-11-06T20:09:32.915Z" }, - { url = "https://files.pythonhosted.org/packages/c5/1b/f0e4d13e6adf866ce9b069e191f303a30ab1277e037037a365c3aad5cc9c/regex-2024.11.6-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:94d87b689cdd831934fa3ce16cc15cd65748e6d689f5d2b8f4f4df2065c9fa20", size = 284589, upload-time = "2024-11-06T20:09:35.504Z" }, - { url = "https://files.pythonhosted.org/packages/25/4d/ab21047f446693887f25510887e6820b93f791992994f6498b0318904d4a/regex-2024.11.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1062b39a0a2b75a9c694f7a08e7183a80c63c0d62b301418ffd9c35f55aaa114", size = 792121, upload-time = "2024-11-06T20:09:37.701Z" }, - { url = "https://files.pythonhosted.org/packages/45/ee/c867e15cd894985cb32b731d89576c41a4642a57850c162490ea34b78c3b/regex-2024.11.6-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:167ed4852351d8a750da48712c3930b031f6efdaa0f22fa1933716bfcd6bf4a3", size = 831275, upload-time = "2024-11-06T20:09:40.371Z" }, - { url = "https://files.pythonhosted.org/packages/b3/12/b0f480726cf1c60f6536fa5e1c95275a77624f3ac8fdccf79e6727499e28/regex-2024.11.6-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2d548dafee61f06ebdb584080621f3e0c23fff312f0de1afc776e2a2ba99a74f", size = 818257, upload-time = "2024-11-06T20:09:43.059Z" }, - { url = "https://files.pythonhosted.org/packages/bf/ce/0d0e61429f603bac433910d99ef1a02ce45a8967ffbe3cbee48599e62d88/regex-2024.11.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2a19f302cd1ce5dd01a9099aaa19cae6173306d1302a43b627f62e21cf18ac0", size = 792727, upload-time = "2024-11-06T20:09:48.19Z" }, - { url = "https://files.pythonhosted.org/packages/e4/c1/243c83c53d4a419c1556f43777ccb552bccdf79d08fda3980e4e77dd9137/regex-2024.11.6-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bec9931dfb61ddd8ef2ebc05646293812cb6b16b60cf7c9511a832b6f1854b55", size = 780667, upload-time = "2024-11-06T20:09:49.828Z" }, - { url = "https://files.pythonhosted.org/packages/c5/f4/75eb0dd4ce4b37f04928987f1d22547ddaf6c4bae697623c1b05da67a8aa/regex-2024.11.6-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:9714398225f299aa85267fd222f7142fcb5c769e73d7733344efc46f2ef5cf89", size = 776963, upload-time = "2024-11-06T20:09:51.819Z" }, - { url = "https://files.pythonhosted.org/packages/16/5d/95c568574e630e141a69ff8a254c2f188b4398e813c40d49228c9bbd9875/regex-2024.11.6-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:202eb32e89f60fc147a41e55cb086db2a3f8cb82f9a9a88440dcfc5d37faae8d", size = 784700, upload-time = "2024-11-06T20:09:53.982Z" }, - { url = "https://files.pythonhosted.org/packages/8e/b5/f8495c7917f15cc6fee1e7f395e324ec3e00ab3c665a7dc9d27562fd5290/regex-2024.11.6-cp311-cp311-musllinux_1_2_ppc64le.whl", hash = "sha256:4181b814e56078e9b00427ca358ec44333765f5ca1b45597ec7446d3a1ef6e34", size = 848592, upload-time = "2024-11-06T20:09:56.222Z" }, - { url = "https://files.pythonhosted.org/packages/1c/80/6dd7118e8cb212c3c60b191b932dc57db93fb2e36fb9e0e92f72a5909af9/regex-2024.11.6-cp311-cp311-musllinux_1_2_s390x.whl", hash = "sha256:068376da5a7e4da51968ce4c122a7cd31afaaec4fccc7856c92f63876e57b51d", size = 852929, upload-time = "2024-11-06T20:09:58.642Z" }, - { url = "https://files.pythonhosted.org/packages/11/9b/5a05d2040297d2d254baf95eeeb6df83554e5e1df03bc1a6687fc4ba1f66/regex-2024.11.6-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:ac10f2c4184420d881a3475fb2c6f4d95d53a8d50209a2500723d831036f7c45", size = 781213, upload-time = "2024-11-06T20:10:00.867Z" }, - { url = "https://files.pythonhosted.org/packages/26/b7/b14e2440156ab39e0177506c08c18accaf2b8932e39fb092074de733d868/regex-2024.11.6-cp311-cp311-win32.whl", hash = "sha256:c36f9b6f5f8649bb251a5f3f66564438977b7ef8386a52460ae77e6070d309d9", size = 261734, upload-time = "2024-11-06T20:10:03.361Z" }, - { url = "https://files.pythonhosted.org/packages/80/32/763a6cc01d21fb3819227a1cc3f60fd251c13c37c27a73b8ff4315433a8e/regex-2024.11.6-cp311-cp311-win_amd64.whl", hash = "sha256:02e28184be537f0e75c1f9b2f8847dc51e08e6e171c6bde130b2687e0c33cf60", size = 274052, upload-time = "2024-11-06T20:10:05.179Z" }, - { url = "https://files.pythonhosted.org/packages/ba/30/9a87ce8336b172cc232a0db89a3af97929d06c11ceaa19d97d84fa90a8f8/regex-2024.11.6-cp312-cp312-macosx_10_13_universal2.whl", hash = "sha256:52fb28f528778f184f870b7cf8f225f5eef0a8f6e3778529bdd40c7b3920796a", size = 483781, upload-time = "2024-11-06T20:10:07.07Z" }, - { url = "https://files.pythonhosted.org/packages/01/e8/00008ad4ff4be8b1844786ba6636035f7ef926db5686e4c0f98093612add/regex-2024.11.6-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:fdd6028445d2460f33136c55eeb1f601ab06d74cb3347132e1c24250187500d9", size = 288455, upload-time = "2024-11-06T20:10:09.117Z" }, - { url = "https://files.pythonhosted.org/packages/60/85/cebcc0aff603ea0a201667b203f13ba75d9fc8668fab917ac5b2de3967bc/regex-2024.11.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:805e6b60c54bf766b251e94526ebad60b7de0c70f70a4e6210ee2891acb70bf2", size = 284759, upload-time = "2024-11-06T20:10:11.155Z" }, - { url = "https://files.pythonhosted.org/packages/94/2b/701a4b0585cb05472a4da28ee28fdfe155f3638f5e1ec92306d924e5faf0/regex-2024.11.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b85c2530be953a890eaffde05485238f07029600e8f098cdf1848d414a8b45e4", size = 794976, upload-time = "2024-11-06T20:10:13.24Z" }, - { url = "https://files.pythonhosted.org/packages/4b/bf/fa87e563bf5fee75db8915f7352e1887b1249126a1be4813837f5dbec965/regex-2024.11.6-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bb26437975da7dc36b7efad18aa9dd4ea569d2357ae6b783bf1118dabd9ea577", size = 833077, upload-time = "2024-11-06T20:10:15.37Z" }, - { url = "https://files.pythonhosted.org/packages/a1/56/7295e6bad94b047f4d0834e4779491b81216583c00c288252ef625c01d23/regex-2024.11.6-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:abfa5080c374a76a251ba60683242bc17eeb2c9818d0d30117b4486be10c59d3", size = 823160, upload-time = "2024-11-06T20:10:19.027Z" }, - { url = "https://files.pythonhosted.org/packages/fb/13/e3b075031a738c9598c51cfbc4c7879e26729c53aa9cca59211c44235314/regex-2024.11.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:70b7fa6606c2881c1db9479b0eaa11ed5dfa11c8d60a474ff0e095099f39d98e", size = 796896, upload-time = "2024-11-06T20:10:21.85Z" }, - { url = "https://files.pythonhosted.org/packages/24/56/0b3f1b66d592be6efec23a795b37732682520b47c53da5a32c33ed7d84e3/regex-2024.11.6-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0c32f75920cf99fe6b6c539c399a4a128452eaf1af27f39bce8909c9a3fd8cbe", size = 783997, upload-time = "2024-11-06T20:10:24.329Z" }, - { url = "https://files.pythonhosted.org/packages/f9/a1/eb378dada8b91c0e4c5f08ffb56f25fcae47bf52ad18f9b2f33b83e6d498/regex-2024.11.6-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:982e6d21414e78e1f51cf595d7f321dcd14de1f2881c5dc6a6e23bbbbd68435e", size = 781725, upload-time = "2024-11-06T20:10:28.067Z" }, - { url = "https://files.pythonhosted.org/packages/83/f2/033e7dec0cfd6dda93390089864732a3409246ffe8b042e9554afa9bff4e/regex-2024.11.6-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:a7c2155f790e2fb448faed6dd241386719802296ec588a8b9051c1f5c481bc29", size = 789481, upload-time = "2024-11-06T20:10:31.612Z" }, - { url = "https://files.pythonhosted.org/packages/83/23/15d4552ea28990a74e7696780c438aadd73a20318c47e527b47a4a5a596d/regex-2024.11.6-cp312-cp312-musllinux_1_2_ppc64le.whl", hash = "sha256:149f5008d286636e48cd0b1dd65018548944e495b0265b45e1bffecce1ef7f39", size = 852896, upload-time = "2024-11-06T20:10:34.054Z" }, - { url = "https://files.pythonhosted.org/packages/e3/39/ed4416bc90deedbfdada2568b2cb0bc1fdb98efe11f5378d9892b2a88f8f/regex-2024.11.6-cp312-cp312-musllinux_1_2_s390x.whl", hash = "sha256:e5364a4502efca094731680e80009632ad6624084aff9a23ce8c8c6820de3e51", size = 860138, upload-time = "2024-11-06T20:10:36.142Z" }, - { url = "https://files.pythonhosted.org/packages/93/2d/dd56bb76bd8e95bbce684326302f287455b56242a4f9c61f1bc76e28360e/regex-2024.11.6-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:0a86e7eeca091c09e021db8eb72d54751e527fa47b8d5787caf96d9831bd02ad", size = 787692, upload-time = "2024-11-06T20:10:38.394Z" }, - { url = "https://files.pythonhosted.org/packages/0b/55/31877a249ab7a5156758246b9c59539abbeba22461b7d8adc9e8475ff73e/regex-2024.11.6-cp312-cp312-win32.whl", hash = "sha256:32f9a4c643baad4efa81d549c2aadefaeba12249b2adc5af541759237eee1c54", size = 262135, upload-time = "2024-11-06T20:10:40.367Z" }, - { url = "https://files.pythonhosted.org/packages/38/ec/ad2d7de49a600cdb8dd78434a1aeffe28b9d6fc42eb36afab4a27ad23384/regex-2024.11.6-cp312-cp312-win_amd64.whl", hash = "sha256:a93c194e2df18f7d264092dc8539b8ffb86b45b899ab976aa15d48214138e81b", size = 273567, upload-time = "2024-11-06T20:10:43.467Z" }, +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/ed/16/ebf3f7dec606a5b0f23a01317c7989037f152f407170f17030ee977d4211/regex-2025.10.23-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:d8d286760ee5b77fd21cf6b33cc45e0bffd1deeda59ca65b9be996f590a9828a", size = 487962, upload-time = "2025-10-21T15:57:44.433Z" }, + { url = "https://files.pythonhosted.org/packages/ee/77/2893ad1c98a9eebe13a7a622c77ade288c93280d5581c83265d10e473935/regex-2025.10.23-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9e72e3b84b170fec02193d32620a0a7060a22e52c46e45957dcd14742e0d28fb", size = 290418, upload-time = "2025-10-21T15:57:46.764Z" }, + { url = "https://files.pythonhosted.org/packages/a6/5e/362fa14750a38efeb312f066f9ac941ae49960567331e48bf615ba11ad75/regex-2025.10.23-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ec506e8114fa12d21616deb44800f536d6bf2e1a69253dbf611f69af92395c99", size = 288298, upload-time = "2025-10-21T15:57:48.881Z" }, + { url = "https://files.pythonhosted.org/packages/e7/20/147df33bc304ec77e5c97f68a930ea97890f846a2d64b43402344002a00d/regex-2025.10.23-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d7e481f9710e8e24228ce2c77b41db7662a3f68853395da86a292b49dadca2aa", size = 780875, upload-time = "2025-10-21T15:57:51.248Z" }, + { url = "https://files.pythonhosted.org/packages/1d/62/ec306048d4da04fe4b620b26759df9fd4276f4d896de0560b4e49cec3f8a/regex-2025.10.23-cp39-cp39-manylinux2014_ppc64le.manylinux_2_17_ppc64le.manylinux_2_28_ppc64le.whl", hash = "sha256:4663ff2fc367735ae7b90b4f0e05b25554446df4addafc76fdaacaaa0ba852b5", size = 850304, upload-time = "2025-10-21T15:57:53.507Z" }, + { url = "https://files.pythonhosted.org/packages/98/43/10f900eac7745475021d627d43d73d458c0b0503e42877c9040f11001ae7/regex-2025.10.23-cp39-cp39-manylinux2014_s390x.manylinux_2_17_s390x.manylinux_2_28_s390x.whl", hash = "sha256:0879dd3251a42d2e9b938e1e03b1e9f60de90b4d153015193f5077a376a18439", size = 897914, upload-time = "2025-10-21T15:57:55.788Z" }, + { url = "https://files.pythonhosted.org/packages/44/4b/9b0eade50d8100f363b87c549e73039d3f639a2ab0b035f48551b89caa74/regex-2025.10.23-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:651c58aecbab7e97bdf8ec76298a28d2bf2b6238c099ec6bf32e6d41e2f9a9cb", size = 791074, upload-time = "2025-10-21T15:57:58.252Z" }, + { url = "https://files.pythonhosted.org/packages/25/87/1392f0cbc5b4592d37c947e051603caf5b6f006188c9959077231170e9b4/regex-2025.10.23-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ceabc62a0e879169cd1bf066063bd6991c3e41e437628936a2ce66e0e2071c32", size = 781781, upload-time = "2025-10-21T15:58:00.478Z" }, + { url = "https://files.pythonhosted.org/packages/ba/6a/d327cf755d3171855a8916f1770aefe7551248027688505a88490904dee1/regex-2025.10.23-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:bfdf4e9aa3e7b7d02fda97509b4ceeed34542361694ecc0a81db1688373ecfbd", size = 774142, upload-time = "2025-10-21T15:58:02.854Z" }, + { url = "https://files.pythonhosted.org/packages/22/5c/74f9caf0836707c3f4a4e19bbd9c6c93faa48cd658dfde54588d898e0cfb/regex-2025.10.23-cp39-cp39-musllinux_1_2_ppc64le.whl", hash = "sha256:92f565ff9beb9f51bc7cc8c578a7e92eb5c4576b69043a4c58cd05d73fda83c5", size = 845084, upload-time = "2025-10-21T15:58:05.36Z" }, + { url = "https://files.pythonhosted.org/packages/cf/7f/1dd095103748636616919f5f507aab6ed3a3df0ded7f4607d6418c84b75e/regex-2025.10.23-cp39-cp39-musllinux_1_2_s390x.whl", hash = "sha256:abbea548b1076eaf8635caf1071c9d86efdf0fa74abe71fca26c05a2d64cda80", size = 835448, upload-time = "2025-10-21T15:58:07.978Z" }, + { url = "https://files.pythonhosted.org/packages/e2/72/572c46603ae8cc3ad77bcaac45f395cdf4051d57406f9f6db2131c92f251/regex-2025.10.23-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:33535dcf34f47821381e341f7b715cbd027deda4223af4d3932adcd371d3192a", size = 779300, upload-time = "2025-10-21T15:58:10.569Z" }, + { url = "https://files.pythonhosted.org/packages/1b/d8/8f98716394bcfe9c243f08bda4df481020c53777d1a342ab0a180484c741/regex-2025.10.23-cp39-cp39-win32.whl", hash = "sha256:345c9df49a15bf6460534b104b336581bc5f35c286cac526416e7a63d389b09b", size = 265700, upload-time = "2025-10-21T15:58:12.895Z" }, + { url = "https://files.pythonhosted.org/packages/b8/cf/6d2a18663fadd8a2bc35829497b8e94e7a0b876dff22c8ac2d0c650de8f5/regex-2025.10.23-cp39-cp39-win_amd64.whl", hash = "sha256:f668fe1fd3358c5423355a289a4a003e58005ce829d217b828f80bd605a90145", size = 277666, upload-time = "2025-10-21T15:58:15.169Z" }, + { url = "https://files.pythonhosted.org/packages/86/e8/43773997a0de7cac2fdc76b7db7e5156326cd2f5eedf37447bee021d93b4/regex-2025.10.23-cp39-cp39-win_arm64.whl", hash = "sha256:07a3fd25d9074923e4d7258b551ae35ab6bdfe01904b8f0d5341c7d8b20eb18d", size = 270006, upload-time = "2025-10-21T15:58:18.112Z" }, ] [[package]] name = "requests" -version = "2.32.4" +version = "2.32.5" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "certifi" }, @@ -2515,9 +14924,9 @@ dependencies = [ { name = "idna" }, { name = "urllib3" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/e1/0a/929373653770d8a0d7ea76c37de6e41f11eb07559b103b1c02cafb3f7cf8/requests-2.32.4.tar.gz", hash = "sha256:27d0316682c8a29834d3264820024b62a36942083d52caf2f14c0591336d3422", size = 135258, upload-time = "2025-06-09T16:43:07.34Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/7c/e4/56027c4a6b4ae70ca9de302488c5ca95ad4a39e190093d6c1a8ace08341b/requests-2.32.4-py3-none-any.whl", hash = "sha256:27babd3cda2a6d50b30443204ee89830707d396671944c998b5975b031ac2b2c", size = 64847, upload-time = "2025-06-09T16:43:05.728Z" }, + { url = "https://files.pythonhosted.org/packages/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]] @@ -2541,20 +14950,28 @@ dependencies = [ { name = "packaging" }, { name = "regex" }, { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tqdm" }, ] wheels = [ @@ -2573,20 +14990,28 @@ dependencies = [ { name = "supervision" }, { name = "timm" }, { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "transformers" }, { name = "yapf" }, ] @@ -2597,54 +15022,698 @@ wheels = [ [[package]] name = "rich" -version = "14.1.0" +version = "14.2.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "markdown-it-py" }, + { name = "markdown-it-py", version = "3.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "markdown-it-py", version = "4.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "pygments" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/fe/75/af448d8e52bf1d8fa6a9d089ca6c07ff4453d86c65c145d0a300bb073b9b/rich-14.1.0.tar.gz", hash = "sha256:e497a48b844b0320d45007cdebfeaeed8db2a4f4bcf49f15e455cfc4af11eaa8", size = 224441, upload-time = "2025-07-25T07:32:58.125Z" } +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/e3/30/3c4d035596d3cf444529e0b2953ad0466f6049528a879d27534700580395/rich-14.1.0-py3-none-any.whl", hash = "sha256:536f5f1785986d6dbdea3c75205c473f970777b4a0d6c6dd1b696aa05a3fa04f", size = 243368, upload-time = "2025-07-25T07:32:56.73Z" }, + { 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 = "safetensors" -version = "0.5.3" +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.24.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/71/7e/2d5d6ee7b40c0682315367ec7475693d110f512922d582fef1bd4a63adc3/safetensors-0.5.3.tar.gz", hash = "sha256:b6b0d6ecacec39a4fdd99cc19f4576f5219ce858e6fd8dbe7609df0b8dc56965", size = 67210, upload-time = "2025-02-26T09:15:13.155Z" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "imageio", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "lazy-loader", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tifffile", version = "2024.8.30", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/5d/c5/bcd66bf5aae5587d3b4b69c74bee30889c46c9778e858942ce93a030e1f3/scikit_image-0.24.0.tar.gz", hash = "sha256:5d16efe95da8edbeb363e0c4157b99becbd650a60b77f6e3af5768b66cf007ab", size = 22693928, upload-time = "2024-06-18T19:05:31.49Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/18/ae/88f6c49dbd0cc4da0e08610019a3c78a7d390879a919411a410a1876d03a/safetensors-0.5.3-cp38-abi3-macosx_10_12_x86_64.whl", hash = "sha256:bd20eb133db8ed15b40110b7c00c6df51655a2998132193de2f75f72d99c7073", size = 436917, upload-time = "2025-02-26T09:15:03.702Z" }, - { url = "https://files.pythonhosted.org/packages/b8/3b/11f1b4a2f5d2ab7da34ecc062b0bc301f2be024d110a6466726bec8c055c/safetensors-0.5.3-cp38-abi3-macosx_11_0_arm64.whl", hash = "sha256:21d01c14ff6c415c485616b8b0bf961c46b3b343ca59110d38d744e577f9cce7", size = 418419, upload-time = "2025-02-26T09:15:01.765Z" }, - { url = "https://files.pythonhosted.org/packages/5d/9a/add3e6fef267658075c5a41573c26d42d80c935cdc992384dfae435feaef/safetensors-0.5.3-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:11bce6164887cd491ca75c2326a113ba934be596e22b28b1742ce27b1d076467", size = 459493, upload-time = "2025-02-26T09:14:51.812Z" }, - { url = "https://files.pythonhosted.org/packages/df/5c/bf2cae92222513cc23b3ff85c4a1bb2811a2c3583ac0f8e8d502751de934/safetensors-0.5.3-cp38-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:4a243be3590bc3301c821da7a18d87224ef35cbd3e5f5727e4e0728b8172411e", size = 472400, upload-time = "2025-02-26T09:14:53.549Z" }, - { url = "https://files.pythonhosted.org/packages/58/11/7456afb740bd45782d0f4c8e8e1bb9e572f1bf82899fb6ace58af47b4282/safetensors-0.5.3-cp38-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8bd84b12b1670a6f8e50f01e28156422a2bc07fb16fc4e98bded13039d688a0d", size = 522891, upload-time = "2025-02-26T09:14:55.717Z" }, - { url = "https://files.pythonhosted.org/packages/57/3d/fe73a9d2ace487e7285f6e157afee2383bd1ddb911b7cb44a55cf812eae3/safetensors-0.5.3-cp38-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:391ac8cab7c829452175f871fcaf414aa1e292b5448bd02620f675a7f3e7abb9", size = 537694, upload-time = "2025-02-26T09:14:57.036Z" }, - { url = "https://files.pythonhosted.org/packages/a6/f8/dae3421624fcc87a89d42e1898a798bc7ff72c61f38973a65d60df8f124c/safetensors-0.5.3-cp38-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cead1fa41fc54b1e61089fa57452e8834f798cb1dc7a09ba3524f1eb08e0317a", size = 471642, upload-time = "2025-02-26T09:15:00.544Z" }, - { url = "https://files.pythonhosted.org/packages/ce/20/1fbe16f9b815f6c5a672f5b760951e20e17e43f67f231428f871909a37f6/safetensors-0.5.3-cp38-abi3-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1077f3e94182d72618357b04b5ced540ceb71c8a813d3319f1aba448e68a770d", size = 502241, upload-time = "2025-02-26T09:14:58.303Z" }, - { url = "https://files.pythonhosted.org/packages/5f/18/8e108846b506487aa4629fe4116b27db65c3dde922de2c8e0cc1133f3f29/safetensors-0.5.3-cp38-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:799021e78287bac619c7b3f3606730a22da4cda27759ddf55d37c8db7511c74b", size = 638001, upload-time = "2025-02-26T09:15:05.79Z" }, - { url = "https://files.pythonhosted.org/packages/82/5a/c116111d8291af6c8c8a8b40628fe833b9db97d8141c2a82359d14d9e078/safetensors-0.5.3-cp38-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:df26da01aaac504334644e1b7642fa000bfec820e7cef83aeac4e355e03195ff", size = 734013, upload-time = "2025-02-26T09:15:07.892Z" }, - { url = "https://files.pythonhosted.org/packages/7d/ff/41fcc4d3b7de837963622e8610d998710705bbde9a8a17221d85e5d0baad/safetensors-0.5.3-cp38-abi3-musllinux_1_2_i686.whl", hash = "sha256:32c3ef2d7af8b9f52ff685ed0bc43913cdcde135089ae322ee576de93eae5135", size = 670687, upload-time = "2025-02-26T09:15:09.979Z" }, - { url = "https://files.pythonhosted.org/packages/40/ad/2b113098e69c985a3d8fbda4b902778eae4a35b7d5188859b4a63d30c161/safetensors-0.5.3-cp38-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:37f1521be045e56fc2b54c606d4455573e717b2d887c579ee1dbba5f868ece04", size = 643147, upload-time = "2025-02-26T09:15:11.185Z" }, - { url = "https://files.pythonhosted.org/packages/0a/0c/95aeb51d4246bd9a3242d3d8349c1112b4ee7611a4b40f0c5c93b05f001d/safetensors-0.5.3-cp38-abi3-win32.whl", hash = "sha256:cfc0ec0846dcf6763b0ed3d1846ff36008c6e7290683b61616c4b040f6a54ace", size = 296677, upload-time = "2025-02-26T09:15:16.554Z" }, - { url = "https://files.pythonhosted.org/packages/69/e2/b011c38e5394c4c18fb5500778a55ec43ad6106126e74723ffaee246f56e/safetensors-0.5.3-cp38-abi3-win_amd64.whl", hash = "sha256:836cbbc320b47e80acd40e44c8682db0e8ad7123209f69b093def21ec7cafd11", size = 308878, upload-time = "2025-02-26T09:15:14.99Z" }, + { url = "https://files.pythonhosted.org/packages/b7/82/d4eaa6e441f28a783762093a3c74bcc4a67f1c65bf011414ad4ea85187d8/scikit_image-0.24.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cb3bc0264b6ab30b43c4179ee6156bc18b4861e78bb329dd8d16537b7bbf827a", size = 14051470, upload-time = "2024-06-18T19:03:37.385Z" }, + { url = "https://files.pythonhosted.org/packages/65/15/1879307aaa2c771aa8ef8f00a171a85033bffc6b2553cfd2657426881452/scikit_image-0.24.0-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:9c7a52e20cdd760738da38564ba1fed7942b623c0317489af1a598a8dedf088b", size = 13385822, upload-time = "2024-06-18T19:03:43.996Z" }, + { url = "https://files.pythonhosted.org/packages/b6/b8/2d52864714b82122f4a36f47933f61f1cd2a6df34987873837f8064d4fdf/scikit_image-0.24.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:93f46e6ce42e5409f4d09ce1b0c7f80dd7e4373bcec635b6348b63e3c886eac8", size = 14216787, upload-time = "2024-06-18T19:03:50.169Z" }, + { url = "https://files.pythonhosted.org/packages/40/2e/8b39cd2c347490dbe10adf21fd50bbddb1dada5bb0512c3a39371285eb62/scikit_image-0.24.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:39ee0af13435c57351a3397eb379e72164ff85161923eec0c38849fecf1b4764", size = 14866533, upload-time = "2024-06-18T19:03:56.286Z" }, + { url = "https://files.pythonhosted.org/packages/99/89/3fcd68d034db5d29c974e964d03deec9d0fbf9410ff0a0b95efff70947f6/scikit_image-0.24.0-cp310-cp310-win_amd64.whl", hash = "sha256:7ac7913b028b8aa780ffae85922894a69e33d1c0bf270ea1774f382fe8bf95e7", size = 12864601, upload-time = "2024-06-18T19:04:00.868Z" }, + { url = "https://files.pythonhosted.org/packages/90/e3/564beb0c78bf83018a146dfcdc959c99c10a0d136480b932a350c852adbc/scikit_image-0.24.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:272909e02a59cea3ed4aa03739bb88df2625daa809f633f40b5053cf09241831", size = 14020429, upload-time = "2024-06-18T19:04:07.18Z" }, + { url = "https://files.pythonhosted.org/packages/3c/f6/be8b16d8ab6ebf19057877c2aec905cbd438dd92ca64b8efe9e9af008fa3/scikit_image-0.24.0-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:190ebde80b4470fe8838764b9b15f232a964f1a20391663e31008d76f0c696f7", size = 13371950, upload-time = "2024-06-18T19:04:13.266Z" }, + { url = "https://files.pythonhosted.org/packages/b8/2e/3a949995f8fc2a65b15a4964373e26c5601cb2ea68f36b115571663e7a38/scikit_image-0.24.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:59c98cc695005faf2b79904e4663796c977af22586ddf1b12d6af2fa22842dc2", size = 14197889, upload-time = "2024-06-18T19:04:17.181Z" }, + { url = "https://files.pythonhosted.org/packages/ad/96/138484302b8ec9a69cdf65e8d4ab47a640a3b1a8ea3c437e1da3e1a5a6b8/scikit_image-0.24.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fa27b3a0dbad807b966b8db2d78da734cb812ca4787f7fbb143764800ce2fa9c", size = 14861425, upload-time = "2024-06-18T19:04:27.363Z" }, + { url = "https://files.pythonhosted.org/packages/50/b2/d5e97115733e2dc657e99868ae0237705b79d0c81f6ced21b8f0799a30d1/scikit_image-0.24.0-cp311-cp311-win_amd64.whl", hash = "sha256:dacf591ac0c272a111181afad4b788a27fe70d213cfddd631d151cbc34f8ca2c", size = 12843506, upload-time = "2024-06-18T19:04:35.782Z" }, + { url = "https://files.pythonhosted.org/packages/16/19/45ad3b8b8ab8d275a48a9d1016c4beb1c2801a7a13e384268861d01145c1/scikit_image-0.24.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:6fccceb54c9574590abcddc8caf6cefa57c13b5b8b4260ab3ff88ad8f3c252b3", size = 14101823, upload-time = "2024-06-18T19:04:39.576Z" }, + { url = "https://files.pythonhosted.org/packages/6e/75/db10ee1bc7936b411d285809b5fe62224bbb1b324a03dd703582132ce5ee/scikit_image-0.24.0-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:ccc01e4760d655aab7601c1ba7aa4ddd8b46f494ac46ec9c268df6f33ccddf4c", size = 13420758, upload-time = "2024-06-18T19:04:45.645Z" }, + { url = "https://files.pythonhosted.org/packages/87/fd/07a7396962abfe22a285a922a63d18e4d5ec48eb5dbb1c06e96fb8fb6528/scikit_image-0.24.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:18836a18d3a7b6aca5376a2d805f0045826bc6c9fc85331659c33b4813e0b563", size = 14256813, upload-time = "2024-06-18T19:04:51.68Z" }, + { url = "https://files.pythonhosted.org/packages/2c/24/4bcd94046b409ac4d63e2f92e46481f95f5006a43e68f6ab2b24f5d70ab4/scikit_image-0.24.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8579bda9c3f78cb3b3ed8b9425213c53a25fa7e994b7ac01f2440b395babf660", size = 15013039, upload-time = "2024-06-18T19:04:56.433Z" }, + { url = "https://files.pythonhosted.org/packages/d9/17/b561823143eb931de0f82fed03ae128ef954a9641309602ea0901c357f95/scikit_image-0.24.0-cp312-cp312-win_amd64.whl", hash = "sha256:82ab903afa60b2da1da2e6f0c8c65e7c8868c60a869464c41971da929b3e82bc", size = 12949363, upload-time = "2024-06-18T19:05:02.773Z" }, + { url = "https://files.pythonhosted.org/packages/93/8e/b6e50d8a6572daf12e27acbf9a1722fdb5e6bfc64f04a5fefa2a71fea0c3/scikit_image-0.24.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:ef04360eda372ee5cd60aebe9be91258639c86ae2ea24093fb9182118008d009", size = 14083010, upload-time = "2024-06-18T19:05:07.582Z" }, + { url = "https://files.pythonhosted.org/packages/d6/6c/f528c6b80b4e9d38444d89f0d1160797d20c640b7a8cabd8b614ac600b79/scikit_image-0.24.0-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:e9aadb442360a7e76f0c5c9d105f79a83d6df0e01e431bd1d5757e2c5871a1f3", size = 13414235, upload-time = "2024-06-18T19:05:11.58Z" }, + { url = "https://files.pythonhosted.org/packages/52/03/59c52aa59b952aafcf19163e5d7e924e6156c3d9e9c86ea3372ad31d90f8/scikit_image-0.24.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5e37de6f4c1abcf794e13c258dc9b7d385d5be868441de11c180363824192ff7", size = 14238540, upload-time = "2024-06-18T19:05:17.481Z" }, + { url = "https://files.pythonhosted.org/packages/f0/cc/1a58efefb9b17c60d15626b33416728003028d5d51f0521482151a222560/scikit_image-0.24.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4688c18bd7ec33c08d7bf0fd19549be246d90d5f2c1d795a89986629af0a1e83", size = 14883801, upload-time = "2024-06-18T19:05:23.231Z" }, + { url = "https://files.pythonhosted.org/packages/9d/63/233300aa76c65a442a301f9d2416a9b06c91631287bd6dd3d6b620040096/scikit_image-0.24.0-cp39-cp39-win_amd64.whl", hash = "sha256:56dab751d20b25d5d3985e95c9b4e975f55573554bd76b0aedf5875217c93e69", size = 12891952, upload-time = "2024-06-18T19:05:27.173Z" }, ] [[package]] name = "scikit-image" version = "0.25.2" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "imageio" }, - { name = "lazy-loader" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "imageio", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "lazy-loader", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "numpy" }, - { name = "packaging" }, - { name = "pillow" }, - { name = "scipy" }, - { name = "tifffile", version = "2025.5.10", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "tifffile", version = "2025.9.9", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "packaging", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.16.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tifffile", version = "2025.5.10", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tifffile", version = "2025.10.16", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = [ @@ -2665,12 +15734,253 @@ wheels = [ { 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" }, ] +[[package]] +name = "scipy" +version = "1.13.1" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/ae/00/48c2f661e2816ccf2ecd77982f6605b2950afe60f60a52b4cbbc2504aa8f/scipy-1.13.1.tar.gz", hash = "sha256:095a87a0312b08dfd6a6155cbbd310a8c51800fc931b8c0b84003014b874ed3c", size = 57210720, upload-time = "2024-05-23T03:29:26.079Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/33/59/41b2529908c002ade869623b87eecff3e11e3ce62e996d0bdcb536984187/scipy-1.13.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:20335853b85e9a49ff7572ab453794298bcf0354d8068c5f6775a0eabf350aca", size = 39328076, upload-time = "2024-05-23T03:19:01.687Z" }, + { url = "https://files.pythonhosted.org/packages/d5/33/f1307601f492f764062ce7dd471a14750f3360e33cd0f8c614dae208492c/scipy-1.13.1-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:d605e9c23906d1994f55ace80e0125c587f96c020037ea6aa98d01b4bd2e222f", size = 30306232, upload-time = "2024-05-23T03:19:09.089Z" }, + { url = "https://files.pythonhosted.org/packages/c0/66/9cd4f501dd5ea03e4a4572ecd874936d0da296bd04d1c45ae1a4a75d9c3a/scipy-1.13.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cfa31f1def5c819b19ecc3a8b52d28ffdcc7ed52bb20c9a7589669dd3c250989", size = 33743202, upload-time = "2024-05-23T03:19:15.138Z" }, + { url = "https://files.pythonhosted.org/packages/a3/ba/7255e5dc82a65adbe83771c72f384d99c43063648456796436c9a5585ec3/scipy-1.13.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f26264b282b9da0952a024ae34710c2aff7d27480ee91a2e82b7b7073c24722f", size = 38577335, upload-time = "2024-05-23T03:19:21.984Z" }, + { url = "https://files.pythonhosted.org/packages/49/a5/bb9ded8326e9f0cdfdc412eeda1054b914dfea952bda2097d174f8832cc0/scipy-1.13.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:eccfa1906eacc02de42d70ef4aecea45415f5be17e72b61bafcfd329bdc52e94", size = 38820728, upload-time = "2024-05-23T03:19:28.225Z" }, + { url = "https://files.pythonhosted.org/packages/12/30/df7a8fcc08f9b4a83f5f27cfaaa7d43f9a2d2ad0b6562cced433e5b04e31/scipy-1.13.1-cp310-cp310-win_amd64.whl", hash = "sha256:2831f0dc9c5ea9edd6e51e6e769b655f08ec6db6e2e10f86ef39bd32eb11da54", size = 46210588, upload-time = "2024-05-23T03:19:35.661Z" }, + { url = "https://files.pythonhosted.org/packages/b4/15/4a4bb1b15bbd2cd2786c4f46e76b871b28799b67891f23f455323a0cdcfb/scipy-1.13.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:27e52b09c0d3a1d5b63e1105f24177e544a222b43611aaf5bc44d4a0979e32f9", size = 39333805, upload-time = "2024-05-23T03:19:43.081Z" }, + { url = "https://files.pythonhosted.org/packages/ba/92/42476de1af309c27710004f5cdebc27bec62c204db42e05b23a302cb0c9a/scipy-1.13.1-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:54f430b00f0133e2224c3ba42b805bfd0086fe488835effa33fa291561932326", size = 30317687, upload-time = "2024-05-23T03:19:48.799Z" }, + { url = "https://files.pythonhosted.org/packages/80/ba/8be64fe225360a4beb6840f3cbee494c107c0887f33350d0a47d55400b01/scipy-1.13.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e89369d27f9e7b0884ae559a3a956e77c02114cc60a6058b4e5011572eea9299", size = 33694638, upload-time = "2024-05-23T03:19:55.104Z" }, + { url = "https://files.pythonhosted.org/packages/36/07/035d22ff9795129c5a847c64cb43c1fa9188826b59344fee28a3ab02e283/scipy-1.13.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a78b4b3345f1b6f68a763c6e25c0c9a23a9fd0f39f5f3d200efe8feda560a5fa", size = 38569931, upload-time = "2024-05-23T03:20:01.82Z" }, + { url = "https://files.pythonhosted.org/packages/d9/10/f9b43de37e5ed91facc0cfff31d45ed0104f359e4f9a68416cbf4e790241/scipy-1.13.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:45484bee6d65633752c490404513b9ef02475b4284c4cfab0ef946def50b3f59", size = 38838145, upload-time = "2024-05-23T03:20:09.173Z" }, + { url = "https://files.pythonhosted.org/packages/4a/48/4513a1a5623a23e95f94abd675ed91cfb19989c58e9f6f7d03990f6caf3d/scipy-1.13.1-cp311-cp311-win_amd64.whl", hash = "sha256:5713f62f781eebd8d597eb3f88b8bf9274e79eeabf63afb4a737abc6c84ad37b", size = 46196227, upload-time = "2024-05-23T03:20:16.433Z" }, + { url = "https://files.pythonhosted.org/packages/f2/7b/fb6b46fbee30fc7051913068758414f2721003a89dd9a707ad49174e3843/scipy-1.13.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5d72782f39716b2b3509cd7c33cdc08c96f2f4d2b06d51e52fb45a19ca0c86a1", size = 39357301, upload-time = "2024-05-23T03:20:23.538Z" }, + { url = "https://files.pythonhosted.org/packages/dc/5a/2043a3bde1443d94014aaa41e0b50c39d046dda8360abd3b2a1d3f79907d/scipy-1.13.1-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:017367484ce5498445aade74b1d5ab377acdc65e27095155e448c88497755a5d", size = 30363348, upload-time = "2024-05-23T03:20:29.885Z" }, + { url = "https://files.pythonhosted.org/packages/e7/cb/26e4a47364bbfdb3b7fb3363be6d8a1c543bcd70a7753ab397350f5f189a/scipy-1.13.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:949ae67db5fa78a86e8fa644b9a6b07252f449dcf74247108c50e1d20d2b4627", size = 33406062, upload-time = "2024-05-23T03:20:36.012Z" }, + { url = "https://files.pythonhosted.org/packages/88/ab/6ecdc526d509d33814835447bbbeedbebdec7cca46ef495a61b00a35b4bf/scipy-1.13.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:de3ade0e53bc1f21358aa74ff4830235d716211d7d077e340c7349bc3542e884", size = 38218311, upload-time = "2024-05-23T03:20:42.086Z" }, + { url = "https://files.pythonhosted.org/packages/0b/00/9f54554f0f8318100a71515122d8f4f503b1a2c4b4cfab3b4b68c0eb08fa/scipy-1.13.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2ac65fb503dad64218c228e2dc2d0a0193f7904747db43014645ae139c8fad16", size = 38442493, upload-time = "2024-05-23T03:20:48.292Z" }, + { url = "https://files.pythonhosted.org/packages/3e/df/963384e90733e08eac978cd103c34df181d1fec424de383cdc443f418dd4/scipy-1.13.1-cp312-cp312-win_amd64.whl", hash = "sha256:cdd7dacfb95fea358916410ec61bbc20440f7860333aee6d882bb8046264e949", size = 45910955, upload-time = "2024-05-23T03:20:55.091Z" }, + { url = "https://files.pythonhosted.org/packages/7f/29/c2ea58c9731b9ecb30b6738113a95d147e83922986b34c685b8f6eefde21/scipy-1.13.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:436bbb42a94a8aeef855d755ce5a465479c721e9d684de76bf61a62e7c2b81d5", size = 39352927, upload-time = "2024-05-23T03:21:01.95Z" }, + { url = "https://files.pythonhosted.org/packages/5c/c0/e71b94b20ccf9effb38d7147c0064c08c622309fd487b1b677771a97d18c/scipy-1.13.1-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:8335549ebbca860c52bf3d02f80784e91a004b71b059e3eea9678ba994796a24", size = 30324538, upload-time = "2024-05-23T03:21:07.634Z" }, + { url = "https://files.pythonhosted.org/packages/6d/0f/aaa55b06d474817cea311e7b10aab2ea1fd5d43bc6a2861ccc9caec9f418/scipy-1.13.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d533654b7d221a6a97304ab63c41c96473ff04459e404b83275b60aa8f4b7004", size = 33732190, upload-time = "2024-05-23T03:21:14.41Z" }, + { url = "https://files.pythonhosted.org/packages/35/f5/d0ad1a96f80962ba65e2ce1de6a1e59edecd1f0a7b55990ed208848012e0/scipy-1.13.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:637e98dcf185ba7f8e663e122ebf908c4702420477ae52a04f9908707456ba4d", size = 38612244, upload-time = "2024-05-23T03:21:21.827Z" }, + { url = "https://files.pythonhosted.org/packages/8d/02/1165905f14962174e6569076bcc3315809ae1291ed14de6448cc151eedfd/scipy-1.13.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:a014c2b3697bde71724244f63de2476925596c24285c7a637364761f8710891c", size = 38845637, upload-time = "2024-05-23T03:21:28.729Z" }, + { url = "https://files.pythonhosted.org/packages/3e/77/dab54fe647a08ee4253963bcd8f9cf17509c8ca64d6335141422fe2e2114/scipy-1.13.1-cp39-cp39-win_amd64.whl", hash = "sha256:392e4ec766654852c25ebad4f64e4e584cf19820b980bc04960bca0b0cd6eaa2", size = 46227440, upload-time = "2024-05-23T03:21:35.888Z" }, +] + [[package]] name = "scipy" version = "1.15.3" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] dependencies = [ - { name = "numpy" }, + { name = "numpy", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = [ @@ -2703,6 +16013,437 @@ wheels = [ { 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" }, ] +[[package]] +name = "scipy" +version = "1.16.3" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/0a/ca/d8ace4f98322d01abcd52d381134344bf7b431eba7ed8b42bdea5a3c2ac9/scipy-1.16.3.tar.gz", hash = "sha256:01e87659402762f43bd2fee13370553a17ada367d42e7487800bf2916535aecb", size = 30597883, upload-time = "2025-10-28T17:38:54.068Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/9b/5f/6f37d7439de1455ce9c5a556b8d1db0979f03a796c030bafdf08d35b7bf9/scipy-1.16.3-cp311-cp311-macosx_10_14_x86_64.whl", hash = "sha256:40be6cf99e68b6c4321e9f8782e7d5ff8265af28ef2cd56e9c9b2638fa08ad97", size = 36630881, upload-time = "2025-10-28T17:31:47.104Z" }, + { url = "https://files.pythonhosted.org/packages/7c/89/d70e9f628749b7e4db2aa4cd89735502ff3f08f7b9b27d2e799485987cd9/scipy-1.16.3-cp311-cp311-macosx_12_0_arm64.whl", hash = "sha256:8be1ca9170fcb6223cc7c27f4305d680ded114a1567c0bd2bfcbf947d1b17511", size = 28941012, upload-time = "2025-10-28T17:31:53.411Z" }, + { url = "https://files.pythonhosted.org/packages/a8/a8/0e7a9a6872a923505dbdf6bb93451edcac120363131c19013044a1e7cb0c/scipy-1.16.3-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:bea0a62734d20d67608660f69dcda23e7f90fb4ca20974ab80b6ed40df87a005", size = 20931935, upload-time = "2025-10-28T17:31:57.361Z" }, + { url = "https://files.pythonhosted.org/packages/bd/c7/020fb72bd79ad798e4dbe53938543ecb96b3a9ac3fe274b7189e23e27353/scipy-1.16.3-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:2a207a6ce9c24f1951241f4693ede2d393f59c07abc159b2cb2be980820e01fb", size = 23534466, upload-time = "2025-10-28T17:32:01.875Z" }, + { url = "https://files.pythonhosted.org/packages/be/a0/668c4609ce6dbf2f948e167836ccaf897f95fb63fa231c87da7558a374cd/scipy-1.16.3-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:532fb5ad6a87e9e9cd9c959b106b73145a03f04c7d57ea3e6f6bb60b86ab0876", size = 33593618, upload-time = "2025-10-28T17:32:06.902Z" }, + { url = "https://files.pythonhosted.org/packages/ca/6e/8942461cf2636cdae083e3eb72622a7fbbfa5cf559c7d13ab250a5dbdc01/scipy-1.16.3-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:0151a0749efeaaab78711c78422d413c583b8cdd2011a3c1d6c794938ee9fdb2", size = 35899798, upload-time = "2025-10-28T17:32:12.665Z" }, + { url = "https://files.pythonhosted.org/packages/79/e8/d0f33590364cdbd67f28ce79368b373889faa4ee959588beddf6daef9abe/scipy-1.16.3-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:b7180967113560cca57418a7bc719e30366b47959dd845a93206fbed693c867e", size = 36226154, upload-time = "2025-10-28T17:32:17.961Z" }, + { url = "https://files.pythonhosted.org/packages/39/c1/1903de608c0c924a1749c590064e65810f8046e437aba6be365abc4f7557/scipy-1.16.3-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:deb3841c925eeddb6afc1e4e4a45e418d19ec7b87c5df177695224078e8ec733", size = 38878540, upload-time = "2025-10-28T17:32:23.907Z" }, + { url = "https://files.pythonhosted.org/packages/f1/d0/22ec7036ba0b0a35bccb7f25ab407382ed34af0b111475eb301c16f8a2e5/scipy-1.16.3-cp311-cp311-win_amd64.whl", hash = "sha256:53c3844d527213631e886621df5695d35e4f6a75f620dca412bcd292f6b87d78", size = 38722107, upload-time = "2025-10-28T17:32:29.921Z" }, + { url = "https://files.pythonhosted.org/packages/7b/60/8a00e5a524bb3bf8898db1650d350f50e6cffb9d7a491c561dc9826c7515/scipy-1.16.3-cp311-cp311-win_arm64.whl", hash = "sha256:9452781bd879b14b6f055b26643703551320aa8d79ae064a71df55c00286a184", size = 25506272, upload-time = "2025-10-28T17:32:34.577Z" }, + { url = "https://files.pythonhosted.org/packages/40/41/5bf55c3f386b1643812f3a5674edf74b26184378ef0f3e7c7a09a7e2ca7f/scipy-1.16.3-cp312-cp312-macosx_10_14_x86_64.whl", hash = "sha256:81fc5827606858cf71446a5e98715ba0e11f0dbc83d71c7409d05486592a45d6", size = 36659043, upload-time = "2025-10-28T17:32:40.285Z" }, + { url = "https://files.pythonhosted.org/packages/1e/0f/65582071948cfc45d43e9870bf7ca5f0e0684e165d7c9ef4e50d783073eb/scipy-1.16.3-cp312-cp312-macosx_12_0_arm64.whl", hash = "sha256:c97176013d404c7346bf57874eaac5187d969293bf40497140b0a2b2b7482e07", size = 28898986, upload-time = "2025-10-28T17:32:45.325Z" }, + { url = "https://files.pythonhosted.org/packages/96/5e/36bf3f0ac298187d1ceadde9051177d6a4fe4d507e8f59067dc9dd39e650/scipy-1.16.3-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:2b71d93c8a9936046866acebc915e2af2e292b883ed6e2cbe5c34beb094b82d9", size = 20889814, upload-time = "2025-10-28T17:32:49.277Z" }, + { url = "https://files.pythonhosted.org/packages/80/35/178d9d0c35394d5d5211bbff7ac4f2986c5488b59506fef9e1de13ea28d3/scipy-1.16.3-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:3d4a07a8e785d80289dfe66b7c27d8634a773020742ec7187b85ccc4b0e7b686", size = 23565795, upload-time = "2025-10-28T17:32:53.337Z" }, + { url = "https://files.pythonhosted.org/packages/fa/46/d1146ff536d034d02f83c8afc3c4bab2eddb634624d6529a8512f3afc9da/scipy-1.16.3-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:0553371015692a898e1aa858fed67a3576c34edefa6b7ebdb4e9dde49ce5c203", size = 33349476, upload-time = "2025-10-28T17:32:58.353Z" }, + { url = "https://files.pythonhosted.org/packages/79/2e/415119c9ab3e62249e18c2b082c07aff907a273741b3f8160414b0e9193c/scipy-1.16.3-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:72d1717fd3b5e6ec747327ce9bda32d5463f472c9dce9f54499e81fbd50245a1", size = 35676692, upload-time = "2025-10-28T17:33:03.88Z" }, + { url = "https://files.pythonhosted.org/packages/27/82/df26e44da78bf8d2aeaf7566082260cfa15955a5a6e96e6a29935b64132f/scipy-1.16.3-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:1fb2472e72e24d1530debe6ae078db70fb1605350c88a3d14bc401d6306dbffe", size = 36019345, upload-time = "2025-10-28T17:33:09.773Z" }, + { url = "https://files.pythonhosted.org/packages/82/31/006cbb4b648ba379a95c87262c2855cd0d09453e500937f78b30f02fa1cd/scipy-1.16.3-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:c5192722cffe15f9329a3948c4b1db789fbb1f05c97899187dcf009b283aea70", size = 38678975, upload-time = "2025-10-28T17:33:15.809Z" }, + { url = "https://files.pythonhosted.org/packages/c2/7f/acbd28c97e990b421af7d6d6cd416358c9c293fc958b8529e0bd5d2a2a19/scipy-1.16.3-cp312-cp312-win_amd64.whl", hash = "sha256:56edc65510d1331dae01ef9b658d428e33ed48b4f77b1d51caf479a0253f96dc", size = 38555926, upload-time = "2025-10-28T17:33:21.388Z" }, + { url = "https://files.pythonhosted.org/packages/ce/69/c5c7807fd007dad4f48e0a5f2153038dc96e8725d3345b9ee31b2b7bed46/scipy-1.16.3-cp312-cp312-win_arm64.whl", hash = "sha256:a8a26c78ef223d3e30920ef759e25625a0ecdd0d60e5a8818b7513c3e5384cf2", size = 25463014, upload-time = "2025-10-28T17:33:25.975Z" }, +] + [[package]] name = "segmentation-models-pytorch" version = "0.5.0" @@ -2710,24 +16451,33 @@ source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "huggingface-hub" }, { name = "numpy" }, - { name = "pillow" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "safetensors" }, { name = "timm" }, { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tqdm" }, ] sdist = { url = "https://files.pythonhosted.org/packages/15/fa/d5a29d49240fb10bdead608b4d0c6805684a8f63b1f65863502be65b1ca4/segmentation_models_pytorch-0.5.0.tar.gz", hash = "sha256:cabba8aced6ef7bdcd6288dd9e1dc2840848aa819d539c455bd07aeceb2fdf96", size = 105150, upload-time = "2025-04-17T10:43:45.755Z" } @@ -2737,34 +16487,42 @@ wheels = [ [[package]] name = "sentencepiece" -version = "0.2.0" +version = "0.2.1" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/c9/d2/b9c7ca067c26d8ff085d252c89b5f69609ca93fb85a00ede95f4857865d4/sentencepiece-0.2.0.tar.gz", hash = "sha256:a52c19171daaf2e697dc6cbe67684e0fa341b1248966f6aebb541de654d15843", size = 2632106, upload-time = "2024-02-19T17:06:47.428Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/f6/71/98648c3b64b23edb5403f74bcc906ad21766872a6e1ada26ea3f1eb941ab/sentencepiece-0.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:188779e1298a1c8b8253c7d3ad729cb0a9891e5cef5e5d07ce4592c54869e227", size = 2408979, upload-time = "2024-02-19T17:05:34.651Z" }, - { url = "https://files.pythonhosted.org/packages/77/9f/7efbaa6d4c0c718a9affbecc536b03ca62f99f421bdffb531c16030e2d2b/sentencepiece-0.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:bed9cf85b296fa2b76fc2547b9cbb691a523864cebaee86304c43a7b4cb1b452", size = 1238845, upload-time = "2024-02-19T17:05:37.371Z" }, - { url = "https://files.pythonhosted.org/packages/1c/e4/c2541027a43ec6962ba9b601805d17ba3f86b38bdeae0e8ac65a2981e248/sentencepiece-0.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d7b67e724bead13f18db6e1d10b6bbdc454af574d70efbb36f27d90387be1ca3", size = 1181472, upload-time = "2024-02-19T17:05:39.775Z" }, - { url = "https://files.pythonhosted.org/packages/fd/46/316c1ba6c52b97de76aff7b9da678f7afbb52136afb2987c474d95630e65/sentencepiece-0.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2fde4b08cfe237be4484c6c7c2e2c75fb862cfeab6bd5449ce4caeafd97b767a", size = 1259151, upload-time = "2024-02-19T17:05:42.594Z" }, - { url = "https://files.pythonhosted.org/packages/aa/5a/3c48738a0835d76dd06c62b6ac48d39c923cde78dd0f587353bdcbb99851/sentencepiece-0.2.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c378492056202d1c48a4979650981635fd97875a00eabb1f00c6a236b013b5e", size = 1355931, upload-time = "2024-02-19T17:05:44.695Z" }, - { url = "https://files.pythonhosted.org/packages/a6/27/33019685023221ca8ed98e8ceb7ae5e166032686fa3662c68f1f1edf334e/sentencepiece-0.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1380ce6540a368de2ef6d7e6ba14ba8f3258df650d39ba7d833b79ee68a52040", size = 1301537, upload-time = "2024-02-19T17:05:46.713Z" }, - { url = "https://files.pythonhosted.org/packages/ca/e4/55f97cef14293171fef5f96e96999919ab5b4d1ce95b53547ad653d7e3bf/sentencepiece-0.2.0-cp310-cp310-win32.whl", hash = "sha256:a1151d6a6dd4b43e552394aed0edfe9292820272f0194bd56c7c1660a0c06c3d", size = 936747, upload-time = "2024-02-19T17:05:48.705Z" }, - { url = "https://files.pythonhosted.org/packages/85/f4/4ef1a6e0e9dbd8a60780a91df8b7452ada14cfaa0e17b3b8dfa42cecae18/sentencepiece-0.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:d490142b0521ef22bc1085f061d922a2a6666175bb6b42e588ff95c0db6819b2", size = 991525, upload-time = "2024-02-19T17:05:55.145Z" }, - { url = "https://files.pythonhosted.org/packages/32/43/8f8885168a47a02eba1455bd3f4f169f50ad5b8cebd2402d0f5e20854d04/sentencepiece-0.2.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:17982700c4f6dbb55fa3594f3d7e5dd1c8659a274af3738e33c987d2a27c9d5c", size = 2409036, upload-time = "2024-02-19T17:05:58.021Z" }, - { url = "https://files.pythonhosted.org/packages/0f/35/e63ba28062af0a3d688a9f128e407a1a2608544b2f480cb49bf7f4b1cbb9/sentencepiece-0.2.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:7c867012c0e8bcd5bdad0f791609101cb5c66acb303ab3270218d6debc68a65e", size = 1238921, upload-time = "2024-02-19T17:06:06.434Z" }, - { url = "https://files.pythonhosted.org/packages/de/42/ae30952c4a0bd773e90c9bf2579f5533037c886dfc8ec68133d5694f4dd2/sentencepiece-0.2.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:7fd6071249c74f779c5b27183295b9202f8dedb68034e716784364443879eaa6", size = 1181477, upload-time = "2024-02-19T17:06:09.292Z" }, - { url = "https://files.pythonhosted.org/packages/e3/ac/2f2ab1d60bb2d795d054eebe5e3f24b164bc21b5a9b75fba7968b3b91b5a/sentencepiece-0.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:27f90c55a65013cbb8f4d7aab0599bf925cde4adc67ae43a0d323677b5a1c6cb", size = 1259182, upload-time = "2024-02-19T17:06:16.459Z" }, - { url = "https://files.pythonhosted.org/packages/45/fb/14633c6ecf262c468759ffcdb55c3a7ee38fe4eda6a70d75ee7c7d63c58b/sentencepiece-0.2.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b293734059ef656dcd65be62ff771507bea8fed0a711b6733976e1ed3add4553", size = 1355537, upload-time = "2024-02-19T17:06:19.274Z" }, - { url = "https://files.pythonhosted.org/packages/fb/12/2f5c8d4764b00033cf1c935b702d3bb878d10be9f0b87f0253495832d85f/sentencepiece-0.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e58b47f933aca74c6a60a79dcb21d5b9e47416256c795c2d58d55cec27f9551d", size = 1301464, upload-time = "2024-02-19T17:06:21.796Z" }, - { url = "https://files.pythonhosted.org/packages/4e/b1/67afc0bde24f6dcb3acdea0dd8dcdf4b8b0db240f6bacd39378bd32d09f8/sentencepiece-0.2.0-cp311-cp311-win32.whl", hash = "sha256:c581258cf346b327c62c4f1cebd32691826306f6a41d8c4bec43b010dee08e75", size = 936749, upload-time = "2024-02-19T17:06:24.167Z" }, - { url = "https://files.pythonhosted.org/packages/a2/f6/587c62fd21fc988555b85351f50bbde43a51524caafd63bc69240ded14fd/sentencepiece-0.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:0993dbc665f4113017892f1b87c3904a44d0640eda510abcacdfb07f74286d36", size = 991520, upload-time = "2024-02-19T17:06:26.936Z" }, - { url = "https://files.pythonhosted.org/packages/27/5a/141b227ed54293360a9ffbb7bf8252b4e5efc0400cdeac5809340e5d2b21/sentencepiece-0.2.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:ea5f536e32ea8ec96086ee00d7a4a131ce583a1b18d130711707c10e69601cb2", size = 2409370, upload-time = "2024-02-19T17:06:29.315Z" }, - { url = "https://files.pythonhosted.org/packages/2e/08/a4c135ad6fc2ce26798d14ab72790d66e813efc9589fd30a5316a88ca8d5/sentencepiece-0.2.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d0cb51f53b6aae3c36bafe41e86167c71af8370a039f542c43b0cce5ef24a68c", size = 1239288, upload-time = "2024-02-19T17:06:31.674Z" }, - { url = "https://files.pythonhosted.org/packages/49/0a/2fe387f825ac5aad5a0bfe221904882106cac58e1b693ba7818785a882b6/sentencepiece-0.2.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:3212121805afc58d8b00ab4e7dd1f8f76c203ddb9dc94aa4079618a31cf5da0f", size = 1181597, upload-time = "2024-02-19T17:06:33.763Z" }, - { url = "https://files.pythonhosted.org/packages/cc/38/e4698ee2293fe4835dc033c49796a39b3eebd8752098f6bd0aa53a14af1f/sentencepiece-0.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2a3149e3066c2a75e0d68a43eb632d7ae728c7925b517f4c05c40f6f7280ce08", size = 1259220, upload-time = "2024-02-19T17:06:35.85Z" }, - { url = "https://files.pythonhosted.org/packages/12/24/fd7ef967c9dad2f6e6e5386d0cadaf65cda8b7be6e3861a9ab3121035139/sentencepiece-0.2.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:632f3594d3e7ac8b367bca204cb3fd05a01d5b21455acd097ea4c0e30e2f63d7", size = 1355962, upload-time = "2024-02-19T17:06:38.616Z" }, - { url = "https://files.pythonhosted.org/packages/4f/d2/18246f43ca730bb81918f87b7e886531eda32d835811ad9f4657c54eee35/sentencepiece-0.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f295105c6bdbb05bd5e1b0cafbd78ff95036f5d3641e7949455a3f4e5e7c3109", size = 1301706, upload-time = "2024-02-19T17:06:40.712Z" }, - { url = "https://files.pythonhosted.org/packages/8a/47/ca237b562f420044ab56ddb4c278672f7e8c866e183730a20e413b38a989/sentencepiece-0.2.0-cp312-cp312-win32.whl", hash = "sha256:fb89f811e5efd18bab141afc3fea3de141c3f69f3fe9e898f710ae7fe3aab251", size = 936941, upload-time = "2024-02-19T17:06:42.802Z" }, - { url = "https://files.pythonhosted.org/packages/c6/97/d159c32642306ee2b70732077632895438867b3b6df282354bd550cf2a67/sentencepiece-0.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:7a673a72aab81fef5ebe755c6e0cc60087d1f3a4700835d40537183c1703a45f", size = 991994, upload-time = "2024-02-19T17:06:45.01Z" }, +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/98/df/76390cc0bb812687f5fa7574b555354197b8e8fdb9aaf5c9c28ae58e148b/sentencepiece-0.2.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:afefe50a0cdcb4f2fd9733cb52001a2c164181ee2d82c32d38f5b1b326a8528c", size = 1942582, upload-time = "2025-08-12T06:58:59.807Z" }, + { url = "https://files.pythonhosted.org/packages/24/51/ff7ff849a7f139535d0309fe2a351379459bac5332127eb9a3a955ef2847/sentencepiece-0.2.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:891ade6503dd93d418c03993f7d6a8aa20260c422cefff5096b9068185e67642", size = 1325367, upload-time = "2025-08-12T06:59:01.677Z" }, + { url = "https://files.pythonhosted.org/packages/1a/29/bca460c34ebc79a1f3706d0eebceecd1187b2b9b93bc211f177e3b520eb0/sentencepiece-0.2.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:814978ac05130dd5812b4b03215c766bc6abaef13e7bd72bc534e4d1e12e9a4c", size = 1253366, upload-time = "2025-08-12T06:59:03.252Z" }, + { url = "https://files.pythonhosted.org/packages/5e/98/f279374c1e86d2a735c7d063d5b800608fc7b8370319121a9fc501cf9091/sentencepiece-0.2.1-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:017f97b274d4b0baa84b2dc743bf4517be81156f413bb24f12aacacde378e5ab", size = 1316437, upload-time = "2025-08-12T06:59:04.832Z" }, + { url = "https://files.pythonhosted.org/packages/32/d7/efd7e172875f1329d8ae43e55f853776e332542ecb881a11a6b67d49c98c/sentencepiece-0.2.1-cp39-cp39-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:22c4ebcb3c6ab1496ab1c37c79ef7bb563b8726f29548c30773b7a4cb152df1a", size = 1387621, upload-time = "2025-08-12T06:59:06.445Z" }, + { url = "https://files.pythonhosted.org/packages/e0/a5/cc46d5308e1056d756b20211f039f609c86d3073aa66088cd5af57a652fa/sentencepiece-0.2.1-cp39-cp39-win32.whl", hash = "sha256:caa4e560c72c151da80036aecc2159e51a7fd8ae9efebefd96860460ce6bd025", size = 999563, upload-time = "2025-08-12T06:59:07.833Z" }, + { url = "https://files.pythonhosted.org/packages/87/06/94bc50dc6b113bbf5f4ba7bfe85cfa7d62c679f9fb68f658d48f3ea556cf/sentencepiece-0.2.1-cp39-cp39-win_amd64.whl", hash = "sha256:2af5a1fb05013332ad94343b8b5f3973e006a2dde2dfba55a819549e054e2f0f", size = 1054663, upload-time = "2025-08-12T06:59:09.234Z" }, + { url = "https://files.pythonhosted.org/packages/8d/21/55267fcdc1a99612248c299c12d8f7c51d6e5ae992f32694d17adcf13fda/sentencepiece-0.2.1-cp39-cp39-win_arm64.whl", hash = "sha256:3d165fbb9bf8fba35f1946ba2617c3f9995679f07438325f07c026d53f33e746", size = 1033914, upload-time = "2025-08-12T06:59:10.705Z" }, ] [[package]] @@ -2778,63 +16536,708 @@ wheels = [ [[package]] name = "shapely" -version = "2.1.1" +version = "2.0.7" source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "numpy" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/ca/3c/2da625233f4e605155926566c0e7ea8dda361877f48e8b1655e53456f252/shapely-2.1.1.tar.gz", hash = "sha256:500621967f2ffe9642454808009044c21e5b35db89ce69f8a2042c2ffd0e2772", size = 315422, upload-time = "2025-05-19T11:04:41.265Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/82/fa/f18025c95b86116dd8f1ec58cab078bd59ab51456b448136ca27463be533/shapely-2.1.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d8ccc872a632acb7bdcb69e5e78df27213f7efd195882668ffba5405497337c6", size = 1825117, upload-time = "2025-05-19T11:03:43.547Z" }, - { url = "https://files.pythonhosted.org/packages/c7/65/46b519555ee9fb851234288be7c78be11e6260995281071d13abf2c313d0/shapely-2.1.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:f24f2ecda1e6c091da64bcbef8dd121380948074875bd1b247b3d17e99407099", size = 1628541, upload-time = "2025-05-19T11:03:45.162Z" }, - { url = "https://files.pythonhosted.org/packages/29/51/0b158a261df94e33505eadfe737db9531f346dfa60850945ad25fd4162f1/shapely-2.1.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:45112a5be0b745b49e50f8829ce490eb67fefb0cea8d4f8ac5764bfedaa83d2d", size = 2948453, upload-time = "2025-05-19T11:03:46.681Z" }, - { url = "https://files.pythonhosted.org/packages/a9/4f/6c9bb4bd7b1a14d7051641b9b479ad2a643d5cbc382bcf5bd52fd0896974/shapely-2.1.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8c10ce6f11904d65e9bbb3e41e774903c944e20b3f0b282559885302f52f224a", size = 3057029, upload-time = "2025-05-19T11:03:48.346Z" }, - { url = "https://files.pythonhosted.org/packages/89/0b/ad1b0af491d753a83ea93138eee12a4597f763ae12727968d05934fe7c78/shapely-2.1.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:61168010dfe4e45f956ffbbaf080c88afce199ea81eb1f0ac43230065df320bd", size = 3894342, upload-time = "2025-05-19T11:03:49.602Z" }, - { url = "https://files.pythonhosted.org/packages/7d/96/73232c5de0b9fdf0ec7ddfc95c43aaf928740e87d9f168bff0e928d78c6d/shapely-2.1.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:cacf067cdff741cd5c56a21c52f54ece4e4dad9d311130493a791997da4a886b", size = 4056766, upload-time = "2025-05-19T11:03:51.252Z" }, - { url = "https://files.pythonhosted.org/packages/43/cc/eec3c01f754f5b3e0c47574b198f9deb70465579ad0dad0e1cef2ce9e103/shapely-2.1.1-cp310-cp310-win32.whl", hash = "sha256:23b8772c3b815e7790fb2eab75a0b3951f435bc0fce7bb146cb064f17d35ab4f", size = 1523744, upload-time = "2025-05-19T11:03:52.624Z" }, - { url = "https://files.pythonhosted.org/packages/50/fc/a7187e6dadb10b91e66a9e715d28105cde6489e1017cce476876185a43da/shapely-2.1.1-cp310-cp310-win_amd64.whl", hash = "sha256:2c7b2b6143abf4fa77851cef8ef690e03feade9a0d48acd6dc41d9e0e78d7ca6", size = 1703061, upload-time = "2025-05-19T11:03:54.695Z" }, - { url = "https://files.pythonhosted.org/packages/19/97/2df985b1e03f90c503796ad5ecd3d9ed305123b64d4ccb54616b30295b29/shapely-2.1.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:587a1aa72bc858fab9b8c20427b5f6027b7cbc92743b8e2c73b9de55aa71c7a7", size = 1819368, upload-time = "2025-05-19T11:03:55.937Z" }, - { url = "https://files.pythonhosted.org/packages/56/17/504518860370f0a28908b18864f43d72f03581e2b6680540ca668f07aa42/shapely-2.1.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9fa5c53b0791a4b998f9ad84aad456c988600757a96b0a05e14bba10cebaaaea", size = 1625362, upload-time = "2025-05-19T11:03:57.06Z" }, - { url = "https://files.pythonhosted.org/packages/36/a1/9677337d729b79fce1ef3296aac6b8ef4743419086f669e8a8070eff8f40/shapely-2.1.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aabecd038841ab5310d23495253f01c2a82a3aedae5ab9ca489be214aa458aa7", size = 2999005, upload-time = "2025-05-19T11:03:58.692Z" }, - { url = "https://files.pythonhosted.org/packages/a2/17/e09357274699c6e012bbb5a8ea14765a4d5860bb658df1931c9f90d53bd3/shapely-2.1.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:586f6aee1edec04e16227517a866df3e9a2e43c1f635efc32978bb3dc9c63753", size = 3108489, upload-time = "2025-05-19T11:04:00.059Z" }, - { url = "https://files.pythonhosted.org/packages/17/5d/93a6c37c4b4e9955ad40834f42b17260ca74ecf36df2e81bb14d12221b90/shapely-2.1.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:b9878b9e37ad26c72aada8de0c9cfe418d9e2ff36992a1693b7f65a075b28647", size = 3945727, upload-time = "2025-05-19T11:04:01.786Z" }, - { url = "https://files.pythonhosted.org/packages/a3/1a/ad696648f16fd82dd6bfcca0b3b8fbafa7aacc13431c7fc4c9b49e481681/shapely-2.1.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:d9a531c48f289ba355e37b134e98e28c557ff13965d4653a5228d0f42a09aed0", size = 4109311, upload-time = "2025-05-19T11:04:03.134Z" }, - { url = "https://files.pythonhosted.org/packages/d4/38/150dd245beab179ec0d4472bf6799bf18f21b1efbef59ac87de3377dbf1c/shapely-2.1.1-cp311-cp311-win32.whl", hash = "sha256:4866de2673a971820c75c0167b1f1cd8fb76f2d641101c23d3ca021ad0449bab", size = 1522982, upload-time = "2025-05-19T11:04:05.217Z" }, - { url = "https://files.pythonhosted.org/packages/93/5b/842022c00fbb051083c1c85430f3bb55565b7fd2d775f4f398c0ba8052ce/shapely-2.1.1-cp311-cp311-win_amd64.whl", hash = "sha256:20a9d79958b3d6c70d8a886b250047ea32ff40489d7abb47d01498c704557a93", size = 1703872, upload-time = "2025-05-19T11:04:06.791Z" }, - { url = "https://files.pythonhosted.org/packages/fb/64/9544dc07dfe80a2d489060791300827c941c451e2910f7364b19607ea352/shapely-2.1.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:2827365b58bf98efb60affc94a8e01c56dd1995a80aabe4b701465d86dcbba43", size = 1833021, upload-time = "2025-05-19T11:04:08.022Z" }, - { url = "https://files.pythonhosted.org/packages/07/aa/fb5f545e72e89b6a0f04a0effda144f5be956c9c312c7d4e00dfddbddbcf/shapely-2.1.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a9c551f7fa7f1e917af2347fe983f21f212863f1d04f08eece01e9c275903fad", size = 1643018, upload-time = "2025-05-19T11:04:09.343Z" }, - { url = "https://files.pythonhosted.org/packages/03/46/61e03edba81de729f09d880ce7ae5c1af873a0814206bbfb4402ab5c3388/shapely-2.1.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:78dec4d4fbe7b1db8dc36de3031767e7ece5911fb7782bc9e95c5cdec58fb1e9", size = 2986417, upload-time = "2025-05-19T11:04:10.56Z" }, - { url = "https://files.pythonhosted.org/packages/1f/1e/83ec268ab8254a446b4178b45616ab5822d7b9d2b7eb6e27cf0b82f45601/shapely-2.1.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:872d3c0a7b8b37da0e23d80496ec5973c4692920b90de9f502b5beb994bbaaef", size = 3098224, upload-time = "2025-05-19T11:04:11.903Z" }, - { url = "https://files.pythonhosted.org/packages/f1/44/0c21e7717c243e067c9ef8fa9126de24239f8345a5bba9280f7bb9935959/shapely-2.1.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:2e2b9125ebfbc28ecf5353511de62f75a8515ae9470521c9a693e4bb9fbe0cf1", size = 3925982, upload-time = "2025-05-19T11:04:13.224Z" }, - { url = "https://files.pythonhosted.org/packages/15/50/d3b4e15fefc103a0eb13d83bad5f65cd6e07a5d8b2ae920e767932a247d1/shapely-2.1.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:4b96cea171b3d7f6786976a0520f178c42792897653ecca0c5422fb1e6946e6d", size = 4089122, upload-time = "2025-05-19T11:04:14.477Z" }, - { url = "https://files.pythonhosted.org/packages/bd/05/9a68f27fc6110baeedeeebc14fd86e73fa38738c5b741302408fb6355577/shapely-2.1.1-cp312-cp312-win32.whl", hash = "sha256:39dca52201e02996df02e447f729da97cfb6ff41a03cb50f5547f19d02905af8", size = 1522437, upload-time = "2025-05-19T11:04:16.203Z" }, - { url = "https://files.pythonhosted.org/packages/bc/e9/a4560e12b9338842a1f82c9016d2543eaa084fce30a1ca11991143086b57/shapely-2.1.1-cp312-cp312-win_amd64.whl", hash = "sha256:13d643256f81d55a50013eff6321142781cf777eb6a9e207c2c9e6315ba6044a", size = 1703479, upload-time = "2025-05-19T11:04:18.497Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/21/c0/a911d1fd765d07a2b6769ce155219a281bfbe311584ebe97340d75c5bdb1/shapely-2.0.7.tar.gz", hash = "sha256:28fe2997aab9a9dc026dc6a355d04e85841546b2a5d232ed953e3321ab958ee5", size = 283413, upload-time = "2025-01-31T01:10:20.787Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/15/2e/02c694d6ddacd4f13b625722d313d2838f23c5b988cbc680132983f73ce3/shapely-2.0.7-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:33fb10e50b16113714ae40adccf7670379e9ccf5b7a41d0002046ba2b8f0f691", size = 1478310, upload-time = "2025-01-31T02:42:18.134Z" }, + { url = "https://files.pythonhosted.org/packages/87/69/b54a08bcd25e561bdd5183c008ace4424c25e80506e80674032504800efd/shapely-2.0.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:f44eda8bd7a4bccb0f281264b34bf3518d8c4c9a8ffe69a1a05dabf6e8461147", size = 1336082, upload-time = "2025-01-31T02:42:19.986Z" }, + { url = "https://files.pythonhosted.org/packages/b3/f9/40473fcb5b66ff849e563ca523d2a26dafd6957d52dd876ffd0eded39f1c/shapely-2.0.7-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cf6c50cd879831955ac47af9c907ce0310245f9d162e298703f82e1785e38c98", size = 2371047, upload-time = "2025-01-31T02:42:22.724Z" }, + { url = "https://files.pythonhosted.org/packages/d6/f3/c9cc07a7a03b5f5e83bd059f9adf3e21cf086b0e41d7f95e6464b151e798/shapely-2.0.7-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:04a65d882456e13c8b417562c36324c0cd1e5915f3c18ad516bb32ee3f5fc895", size = 2469112, upload-time = "2025-01-31T02:42:26.739Z" }, + { url = "https://files.pythonhosted.org/packages/5d/b9/fc63d6b0b25063a3ff806857a5dc88851d54d1c278288f18cef1b322b449/shapely-2.0.7-cp310-cp310-win32.whl", hash = "sha256:7e97104d28e60b69f9b6a957c4d3a2a893b27525bc1fc96b47b3ccef46726bf2", size = 1296057, upload-time = "2025-01-31T02:42:29.156Z" }, + { url = "https://files.pythonhosted.org/packages/fe/d1/8df43f94cf4cda0edbab4545f7cdd67d3f1d02910eaff152f9f45c6d00d8/shapely-2.0.7-cp310-cp310-win_amd64.whl", hash = "sha256:35524cc8d40ee4752520819f9894b9f28ba339a42d4922e92c99b148bed3be39", size = 1441787, upload-time = "2025-01-31T02:42:31.412Z" }, + { url = "https://files.pythonhosted.org/packages/1d/ad/21798c2fec013e289f8ab91d42d4d3299c315b8c4460c08c75fef0901713/shapely-2.0.7-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5cf23400cb25deccf48c56a7cdda8197ae66c0e9097fcdd122ac2007e320bc34", size = 1473091, upload-time = "2025-01-31T02:42:33.595Z" }, + { url = "https://files.pythonhosted.org/packages/15/63/eef4f180f1b5859c70e7f91d2f2570643e5c61e7d7c40743d15f8c6cbc42/shapely-2.0.7-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d8f1da01c04527f7da59ee3755d8ee112cd8967c15fab9e43bba936b81e2a013", size = 1332921, upload-time = "2025-01-31T02:42:34.993Z" }, + { url = "https://files.pythonhosted.org/packages/fe/67/77851dd17738bbe7762a0ef1acf7bc499d756f68600dd68a987d78229412/shapely-2.0.7-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8f623b64bb219d62014781120f47499a7adc30cf7787e24b659e56651ceebcb0", size = 2427949, upload-time = "2025-01-31T02:42:37.578Z" }, + { url = "https://files.pythonhosted.org/packages/0b/a5/2c8dbb0f383519771df19164e3bf3a8895d195d2edeab4b6040f176ee28e/shapely-2.0.7-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e6d95703efaa64aaabf278ced641b888fc23d9c6dd71f8215091afd8a26a66e3", size = 2529282, upload-time = "2025-01-31T02:42:39.504Z" }, + { url = "https://files.pythonhosted.org/packages/dc/4e/e1d608773c7fe4cde36d48903c0d6298e3233dc69412403783ac03fa5205/shapely-2.0.7-cp311-cp311-win32.whl", hash = "sha256:2f6e4759cf680a0f00a54234902415f2fa5fe02f6b05546c662654001f0793a2", size = 1295751, upload-time = "2025-01-31T02:42:41.107Z" }, + { url = "https://files.pythonhosted.org/packages/27/57/8ec7c62012bed06731f7ee979da7f207bbc4b27feed5f36680b6a70df54f/shapely-2.0.7-cp311-cp311-win_amd64.whl", hash = "sha256:b52f3ab845d32dfd20afba86675c91919a622f4627182daec64974db9b0b4608", size = 1442684, upload-time = "2025-01-31T02:42:43.181Z" }, + { url = "https://files.pythonhosted.org/packages/4f/3e/ea100eec5811bafd0175eb21828a3be5b0960f65250f4474391868be7c0f/shapely-2.0.7-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4c2b9859424facbafa54f4a19b625a752ff958ab49e01bc695f254f7db1835fa", size = 1482451, upload-time = "2025-01-31T02:42:44.902Z" }, + { url = "https://files.pythonhosted.org/packages/ce/53/c6a3487716fd32e1f813d2a9608ba7b72a8a52a6966e31c6443480a1d016/shapely-2.0.7-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:5aed1c6764f51011d69a679fdf6b57e691371ae49ebe28c3edb5486537ffbd51", size = 1345765, upload-time = "2025-01-31T02:42:46.625Z" }, + { url = "https://files.pythonhosted.org/packages/fd/dd/b35d7891d25cc11066a70fb8d8169a6a7fca0735dd9b4d563a84684969a3/shapely-2.0.7-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:73c9ae8cf443187d784d57202199bf9fd2d4bb7d5521fe8926ba40db1bc33e8e", size = 2421540, upload-time = "2025-01-31T02:42:49.971Z" }, + { url = "https://files.pythonhosted.org/packages/62/de/8dbd7df60eb23cb983bb698aac982944b3d602ef0ce877a940c269eae34e/shapely-2.0.7-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9469f49ff873ef566864cb3516091881f217b5d231c8164f7883990eec88b73", size = 2525741, upload-time = "2025-01-31T02:42:53.882Z" }, + { url = "https://files.pythonhosted.org/packages/96/64/faf0413ebc7a84fe7a0790bf39ec0b02b40132b68e57aba985c0b6e4e7b6/shapely-2.0.7-cp312-cp312-win32.whl", hash = "sha256:6bca5095e86be9d4ef3cb52d56bdd66df63ff111d580855cb8546f06c3c907cd", size = 1296552, upload-time = "2025-01-31T02:42:55.714Z" }, + { url = "https://files.pythonhosted.org/packages/63/05/8a1c279c226d6ad7604d9e237713dd21788eab96db97bf4ce0ea565e5596/shapely-2.0.7-cp312-cp312-win_amd64.whl", hash = "sha256:f86e2c0259fe598c4532acfcf638c1f520fa77c1275912bbc958faecbf00b108", size = 1443464, upload-time = "2025-01-31T02:42:57.696Z" }, + { url = "https://files.pythonhosted.org/packages/ad/de/dc856cf99a981b83aa041d1a240a65b36618657d5145d1c0c7ffb4263d5b/shapely-2.0.7-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:4abeb44b3b946236e4e1a1b3d2a0987fb4d8a63bfb3fdefb8a19d142b72001e5", size = 1478794, upload-time = "2025-01-31T02:43:38.532Z" }, + { url = "https://files.pythonhosted.org/packages/53/ea/70fec89a9f6fa84a8bf6bd2807111a9175cee22a3df24470965acdd5fb74/shapely-2.0.7-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:cd0e75d9124b73e06a42bf1615ad3d7d805f66871aa94538c3a9b7871d620013", size = 1336402, upload-time = "2025-01-31T02:43:40.134Z" }, + { url = "https://files.pythonhosted.org/packages/e5/22/f6b074b08748d6f6afedd79f707d7eb88b79fa0121369246c25bbc721776/shapely-2.0.7-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7977d8a39c4cf0e06247cd2dca695ad4e020b81981d4c82152c996346cf1094b", size = 2376673, upload-time = "2025-01-31T02:43:41.922Z" }, + { url = "https://files.pythonhosted.org/packages/ab/f0/befc440a6c90c577300f5f84361bad80919e7c7ac381ae4960ce3195cedc/shapely-2.0.7-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0145387565fcf8f7c028b073c802956431308da933ef41d08b1693de49990d27", size = 2474380, upload-time = "2025-01-31T02:43:43.671Z" }, + { url = "https://files.pythonhosted.org/packages/13/b8/edaf33dfb97e281d9de3871810de131b01e4f33d38d8f613515abc89d91e/shapely-2.0.7-cp39-cp39-win32.whl", hash = "sha256:98697c842d5c221408ba8aa573d4f49caef4831e9bc6b6e785ce38aca42d1999", size = 1297939, upload-time = "2025-01-31T02:43:46.287Z" }, + { url = "https://files.pythonhosted.org/packages/7b/95/4d164c2fcb19c51e50537aafb99ecfda82f62356bfdb6f4ca620a3932bad/shapely-2.0.7-cp39-cp39-win_amd64.whl", hash = "sha256:a3fb7fbae257e1b042f440289ee7235d03f433ea880e73e687f108d044b24db5", size = 1443665, upload-time = "2025-01-31T02:43:47.889Z" }, +] + +[[package]] +name = "shapely" +version = "2.1.2" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "numpy", marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/4d/bc/0989043118a27cccb4e906a46b7565ce36ca7b57f5a18b78f4f1b0f72d9d/shapely-2.1.2.tar.gz", hash = "sha256:2ed4ecb28320a433db18a5bf029986aa8afcfd740745e78847e330d5d94922a9", size = 315489, upload-time = "2025-09-24T13:51:41.432Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/05/89/c3548aa9b9812a5d143986764dededfa48d817714e947398bdda87c77a72/shapely-2.1.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7ae48c236c0324b4e139bea88a306a04ca630f49be66741b340729d380d8f52f", size = 1825959, upload-time = "2025-09-24T13:50:00.682Z" }, + { url = "https://files.pythonhosted.org/packages/ce/8a/7ebc947080442edd614ceebe0ce2cdbd00c25e832c240e1d1de61d0e6b38/shapely-2.1.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:eba6710407f1daa8e7602c347dfc94adc02205ec27ed956346190d66579eb9ea", size = 1629196, upload-time = "2025-09-24T13:50:03.447Z" }, + { url = "https://files.pythonhosted.org/packages/c8/86/c9c27881c20d00fc409e7e059de569d5ed0abfcec9c49548b124ebddea51/shapely-2.1.2-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:ef4a456cc8b7b3d50ccec29642aa4aeda959e9da2fe9540a92754770d5f0cf1f", size = 2951065, upload-time = "2025-09-24T13:50:05.266Z" }, + { url = "https://files.pythonhosted.org/packages/50/8a/0ab1f7433a2a85d9e9aea5b1fbb333f3b09b309e7817309250b4b7b2cc7a/shapely-2.1.2-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:e38a190442aacc67ff9f75ce60aec04893041f16f97d242209106d502486a142", size = 3058666, upload-time = "2025-09-24T13:50:06.872Z" }, + { url = "https://files.pythonhosted.org/packages/bb/c6/5a30ffac9c4f3ffd5b7113a7f5299ccec4713acd5ee44039778a7698224e/shapely-2.1.2-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:40d784101f5d06a1fd30b55fc11ea58a61be23f930d934d86f19a180909908a4", size = 3966905, upload-time = "2025-09-24T13:50:09.417Z" }, + { url = "https://files.pythonhosted.org/packages/9c/72/e92f3035ba43e53959007f928315a68fbcf2eeb4e5ededb6f0dc7ff1ecc3/shapely-2.1.2-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:f6f6cd5819c50d9bcf921882784586aab34a4bd53e7553e175dece6db513a6f0", size = 4129260, upload-time = "2025-09-24T13:50:11.183Z" }, + { url = "https://files.pythonhosted.org/packages/42/24/605901b73a3d9f65fa958e63c9211f4be23d584da8a1a7487382fac7fdc5/shapely-2.1.2-cp310-cp310-win32.whl", hash = "sha256:fe9627c39c59e553c90f5bc3128252cb85dc3b3be8189710666d2f8bc3a5503e", size = 1544301, upload-time = "2025-09-24T13:50:12.521Z" }, + { url = "https://files.pythonhosted.org/packages/e1/89/6db795b8dd3919851856bd2ddd13ce434a748072f6fdee42ff30cbd3afa3/shapely-2.1.2-cp310-cp310-win_amd64.whl", hash = "sha256:1d0bfb4b8f661b3b4ec3565fa36c340bfb1cda82087199711f86a88647d26b2f", size = 1722074, upload-time = "2025-09-24T13:50:13.909Z" }, + { url = "https://files.pythonhosted.org/packages/8f/8d/1ff672dea9ec6a7b5d422eb6d095ed886e2e523733329f75fdcb14ee1149/shapely-2.1.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:91121757b0a36c9aac3427a651a7e6567110a4a67c97edf04f8d55d4765f6618", size = 1820038, upload-time = "2025-09-24T13:50:15.628Z" }, + { url = "https://files.pythonhosted.org/packages/4f/ce/28fab8c772ce5db23a0d86bf0adaee0c4c79d5ad1db766055fa3dab442e2/shapely-2.1.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:16a9c722ba774cf50b5d4541242b4cce05aafd44a015290c82ba8a16931ff63d", size = 1626039, upload-time = "2025-09-24T13:50:16.881Z" }, + { url = "https://files.pythonhosted.org/packages/70/8b/868b7e3f4982f5006e9395c1e12343c66a8155c0374fdc07c0e6a1ab547d/shapely-2.1.2-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cc4f7397459b12c0b196c9efe1f9d7e92463cbba142632b4cc6d8bbbbd3e2b09", size = 3001519, upload-time = "2025-09-24T13:50:18.606Z" }, + { url = "https://files.pythonhosted.org/packages/13/02/58b0b8d9c17c93ab6340edd8b7308c0c5a5b81f94ce65705819b7416dba5/shapely-2.1.2-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:136ab87b17e733e22f0961504d05e77e7be8c9b5a8184f685b4a91a84efe3c26", size = 3110842, upload-time = "2025-09-24T13:50:21.77Z" }, + { url = "https://files.pythonhosted.org/packages/af/61/8e389c97994d5f331dcffb25e2fa761aeedfb52b3ad9bcdd7b8671f4810a/shapely-2.1.2-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:16c5d0fc45d3aa0a69074979f4f1928ca2734fb2e0dde8af9611e134e46774e7", size = 4021316, upload-time = "2025-09-24T13:50:23.626Z" }, + { url = "https://files.pythonhosted.org/packages/d3/d4/9b2a9fe6039f9e42ccf2cb3e84f219fd8364b0c3b8e7bbc857b5fbe9c14c/shapely-2.1.2-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6ddc759f72b5b2b0f54a7e7cde44acef680a55019eb52ac63a7af2cf17cb9cd2", size = 4178586, upload-time = "2025-09-24T13:50:25.443Z" }, + { url = "https://files.pythonhosted.org/packages/16/f6/9840f6963ed4decf76b08fd6d7fed14f8779fb7a62cb45c5617fa8ac6eab/shapely-2.1.2-cp311-cp311-win32.whl", hash = "sha256:2fa78b49485391224755a856ed3b3bd91c8455f6121fee0db0e71cefb07d0ef6", size = 1543961, upload-time = "2025-09-24T13:50:26.968Z" }, + { url = "https://files.pythonhosted.org/packages/38/1e/3f8ea46353c2a33c1669eb7327f9665103aa3a8dfe7f2e4ef714c210b2c2/shapely-2.1.2-cp311-cp311-win_amd64.whl", hash = "sha256:c64d5c97b2f47e3cd9b712eaced3b061f2b71234b3fc263e0fcf7d889c6559dc", size = 1722856, upload-time = "2025-09-24T13:50:28.497Z" }, + { url = "https://files.pythonhosted.org/packages/24/c0/f3b6453cf2dfa99adc0ba6675f9aaff9e526d2224cbd7ff9c1a879238693/shapely-2.1.2-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:fe2533caae6a91a543dec62e8360fe86ffcdc42a7c55f9dfd0128a977a896b94", size = 1833550, upload-time = "2025-09-24T13:50:30.019Z" }, + { url = "https://files.pythonhosted.org/packages/86/07/59dee0bc4b913b7ab59ab1086225baca5b8f19865e6101db9ebb7243e132/shapely-2.1.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ba4d1333cc0bc94381d6d4308d2e4e008e0bd128bdcff5573199742ee3634359", size = 1643556, upload-time = "2025-09-24T13:50:32.291Z" }, + { url = "https://files.pythonhosted.org/packages/26/29/a5397e75b435b9895cd53e165083faed5d12fd9626eadec15a83a2411f0f/shapely-2.1.2-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:0bd308103340030feef6c111d3eb98d50dc13feea33affc8a6f9fa549e9458a3", size = 2988308, upload-time = "2025-09-24T13:50:33.862Z" }, + { url = "https://files.pythonhosted.org/packages/b9/37/e781683abac55dde9771e086b790e554811a71ed0b2b8a1e789b7430dd44/shapely-2.1.2-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:1e7d4d7ad262a48bb44277ca12c7c78cb1b0f56b32c10734ec9a1d30c0b0c54b", size = 3099844, upload-time = "2025-09-24T13:50:35.459Z" }, + { url = "https://files.pythonhosted.org/packages/d8/f3/9876b64d4a5a321b9dc482c92bb6f061f2fa42131cba643c699f39317cb9/shapely-2.1.2-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e9eddfe513096a71896441a7c37db72da0687b34752c4e193577a145c71736fc", size = 3988842, upload-time = "2025-09-24T13:50:37.478Z" }, + { url = "https://files.pythonhosted.org/packages/d1/a0/704c7292f7014c7e74ec84eddb7b109e1fbae74a16deae9c1504b1d15565/shapely-2.1.2-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:980c777c612514c0cf99bc8a9de6d286f5e186dcaf9091252fcd444e5638193d", size = 4152714, upload-time = "2025-09-24T13:50:39.9Z" }, + { url = "https://files.pythonhosted.org/packages/53/46/319c9dc788884ad0785242543cdffac0e6530e4d0deb6c4862bc4143dcf3/shapely-2.1.2-cp312-cp312-win32.whl", hash = "sha256:9111274b88e4d7b54a95218e243282709b330ef52b7b86bc6aaf4f805306f454", size = 1542745, upload-time = "2025-09-24T13:50:41.414Z" }, + { url = "https://files.pythonhosted.org/packages/ec/bf/cb6c1c505cb31e818e900b9312d514f381fbfa5c4363edfce0fcc4f8c1a4/shapely-2.1.2-cp312-cp312-win_amd64.whl", hash = "sha256:743044b4cfb34f9a67205cee9279feaf60ba7d02e69febc2afc609047cb49179", size = 1722861, upload-time = "2025-09-24T13:50:43.35Z" }, ] [[package]] name = "siphash24" -version = "1.7" -source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/0e/be/f0a0ffbb00c51c5633b41459b5ce9b017c025a9256b4403e648c18e70850/siphash24-1.7.tar.gz", hash = "sha256:6e90fee5f199ea25b4e7303646b31872a437174fe885a93dbd4cf7784eb48164", size = 19801, upload-time = "2024-10-15T13:41:51.924Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/3f/d7/4aa16f020c999f0d15e0edfddf805958a77d3c2f57b7505c8c98af6695a6/siphash24-1.7-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ac574867427640d531e7d034e974986ca3ab612699d7c989757e411ef75ec13a", size = 80161, upload-time = "2024-10-15T13:41:05.334Z" }, - { url = "https://files.pythonhosted.org/packages/e0/af/75db98d45694928d586c46cb8d38b4ba056e9ad22520db3f5fe3286e756e/siphash24-1.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:69f50254c7aa6e4c749b7003d70a146e4d24dffa8393a54d288862944b180c83", size = 75233, upload-time = "2024-10-15T13:41:06.549Z" }, - { url = "https://files.pythonhosted.org/packages/a7/28/ee5bc61bf0d834cb31bd41f4f6f56ccfd9eeda25e0522e9722de4700a0de/siphash24-1.7-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5cd17d38233a7a1db1f9e8e5043b6035ed1000477ceda30dc3d1a6c5d13e92ed", size = 101148, upload-time = "2024-10-15T13:41:08.832Z" }, - { url = "https://files.pythonhosted.org/packages/43/ee/b225619e0e6889ee3a71175a966ba5d1b84e4fe6cf7c85b5756fbbf3892a/siphash24-1.7-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db372dc1b242f7fa08c42cdf4e5257a9ac416e6ad42c6d7ee96862be36f59f1b", size = 106023, upload-time = "2024-10-15T13:41:10.302Z" }, - { url = "https://files.pythonhosted.org/packages/e6/5b/adc0483bd11cff6c3eda2d9ecac670d04b97655cc79d4593def2bac832c0/siphash24-1.7-cp310-cp310-win32.whl", hash = "sha256:e72b218d949e954b4e4bae6d8b58fa687ba81f844c9ff5edaef1a3facafc6b46", size = 68073, upload-time = "2024-10-15T13:41:11.983Z" }, - { url = "https://files.pythonhosted.org/packages/41/93/918b04eb6fa5a6d0099067d1d83d679f4709a6014f9f4bc43edef7e1b5a7/siphash24-1.7-cp310-cp310-win_amd64.whl", hash = "sha256:b6cadb06d4a4d305ff8c5f95cab03ed611ae19fe292c77371ee8b852f6075458", size = 79909, upload-time = "2024-10-15T13:41:13.72Z" }, - { url = "https://files.pythonhosted.org/packages/4e/67/4ffd23a848739966e1b314ef99f6410035bccee00be14261313787b8f506/siphash24-1.7-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:de75488e93f1cd12c8d5004efd1ebd958c0265205a9d73e8dd8b071900838841", size = 80493, upload-time = "2024-10-15T13:41:14.727Z" }, - { url = "https://files.pythonhosted.org/packages/56/bd/ec198a8c7aef65e967ae84f633bd9950d784c9e527d738c9a3e4bccc34a5/siphash24-1.7-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:ffca9908450f9f346e97a223185fcd16217d67d84c6f246f3080c4224f41a514", size = 75350, upload-time = "2024-10-15T13:41:16.262Z" }, - { url = "https://files.pythonhosted.org/packages/50/5a/77838c916bd15addfc2e51286db4c442cb12e25eb4f8d296c394c2280240/siphash24-1.7-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b8ff44ce166452993fea267ea1b2fd089d8e7f103b13d360da441f12b0df121d", size = 100567, upload-time = "2024-10-15T13:41:17.435Z" }, - { url = "https://files.pythonhosted.org/packages/f0/aa/736a0a2efae9a6f69ac1ee4d28c2274fcad2150349fac752d6c525c4e06e/siphash24-1.7-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4062548dcb1eef13bbe0356d6f8675bfe4571ef38d7103445daa82ba167240d1", size = 105630, upload-time = "2024-10-15T13:41:18.578Z" }, - { url = "https://files.pythonhosted.org/packages/79/52/1afbd70142d3db093d49197e3abe15ca2f1a14678299327ba776944b4771/siphash24-1.7-cp311-cp311-win32.whl", hash = "sha256:7b4ea29376b688fbcc3d25707c15a9dfe7b4ebbc4322878d75bb77e199210a39", size = 67648, upload-time = "2024-10-15T13:41:19.606Z" }, - { url = "https://files.pythonhosted.org/packages/b5/1d/bedcd04c2d1d199c9f6b3e61a6caae0e17257696c9f49594e49856b17a99/siphash24-1.7-cp311-cp311-win_amd64.whl", hash = "sha256:ec06104e6ef1e512ee30f1b8aeae2b83c0f55f12a94042f0df5a87d43a1f4c52", size = 80046, upload-time = "2024-10-15T13:41:20.654Z" }, - { url = "https://files.pythonhosted.org/packages/3e/62/93e552af9535a416f684327f870143ee42fc9e816091672467cdfd62cce6/siphash24-1.7-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:76a64ff0cdd192e4d0a391956d9b121c56ed56e773c5ab7eb7c3e035fd16e8cb", size = 82084, upload-time = "2024-10-15T13:41:21.776Z" }, - { url = "https://files.pythonhosted.org/packages/59/3e/b0791ab53aa9ac191b71a021eab2e75baa7c27d7feb7ec148d7961d148ba/siphash24-1.7-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:49ca649bc7437d614f758891deade3b187832792a853269219e77f10509f82fe", size = 76233, upload-time = "2024-10-15T13:41:22.787Z" }, - { url = "https://files.pythonhosted.org/packages/29/4c/4c1b809bf302e9b60f3ec09ba115b2a4ac1ff6755735ee8884924fcdb45e/siphash24-1.7-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bc37dd0aed23f76bd257fbd2953fd5d954b329d7463c6ff57263a2699c52dde6", size = 98188, upload-time = "2024-10-15T13:41:24.327Z" }, - { url = "https://files.pythonhosted.org/packages/96/bf/e6b49f8ff88130bd224f291ea77d30fdde4df5f6572c519aca5d8fc8a27c/siphash24-1.7-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eea490a200891905856b6ad0f9c56d4ec787876220bcb34c49441b2566b97887", size = 102946, upload-time = "2024-10-15T13:41:25.633Z" }, - { url = "https://files.pythonhosted.org/packages/3d/75/45c831626013950fb2ea715c218c3397e5cf2328a67208bf5d8ff69aa9e6/siphash24-1.7-cp312-cp312-win32.whl", hash = "sha256:69eb8c2c112a738875bb283cd53ef5e86874bc5aed17f3020b38e9174208fb79", size = 68323, upload-time = "2024-10-15T13:41:27.349Z" }, - { url = "https://files.pythonhosted.org/packages/e0/d3/39190c40a68defd19b99c1082dd7455543a52283803bfa111b0e45fae968/siphash24-1.7-cp312-cp312-win_amd64.whl", hash = "sha256:7459569ea4669b6feeaf7d299fc5157cc5c69ca1231dc0decb7a7da2397c782e", size = 81000, upload-time = "2024-10-15T13:41:28.364Z" }, +version = "1.8" +source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/67/a2/e049b6fccf7a94bd1b2f68b3059a7d6a7aea86a808cac80cb9ae71ab6254/siphash24-1.8.tar.gz", hash = "sha256:aa932f0af4a7335caef772fdaf73a433a32580405c41eb17ff24077944b0aa97", size = 19946, upload-time = "2025-09-02T20:42:04.856Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/c3/0a/b98666b7089b35143f27ea4e03eddd9da1f117073c0ca01d96bfbf01885e/siphash24-1.8-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:53aba67b3437d7b56d85ad77879dfe314094f687df1de746fa7c6f5b3f6c1436", size = 76704, upload-time = "2025-09-02T20:40:53.19Z" }, + { url = "https://files.pythonhosted.org/packages/d4/ed/e919afa4769a93ea44c052e0cbc187c5f2c2bcae59018729c60e30cbe0d2/siphash24-1.8-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:3c28925b79954244c8e36ced9b8e88b1cb2d0919baf2b92ef7e8b8f96fd274aa", size = 74196, upload-time = "2025-09-02T20:40:54.531Z" }, + { url = "https://files.pythonhosted.org/packages/fc/c4/1f206db82f27b4e91528678c9ec21ae558e51aadce43ae5bf4ed2da624cb/siphash24-1.8-cp310-cp310-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:a665c1d8ae3a46fdec7c35db69823a0247b35957c4686c6b14156d5dc4ed8920", size = 99433, upload-time = "2025-09-02T20:40:55.761Z" }, + { url = "https://files.pythonhosted.org/packages/c6/9a/cf46eb22a351eeaa06fc1b01984b9feb55d27f878c74ba3f62b8944849de/siphash24-1.8-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2b9b15af0db3ff357b432c7e51c7cc1a27891aa1b341cc2a2fc1764e3fb5e605", size = 103131, upload-time = "2025-09-02T20:40:57.044Z" }, + { url = "https://files.pythonhosted.org/packages/c2/74/c811dab8b6c4968f321f2f01e26733f2854a3c5ac75fa8feb99d796fb190/siphash24-1.8-cp310-cp310-win32.whl", hash = "sha256:6fd22c0182518c7b17a9be35128c5b00dbb810751de73d9ab85e39494effab0b", size = 62597, upload-time = "2025-09-02T20:40:58.582Z" }, + { url = "https://files.pythonhosted.org/packages/dd/02/be6d3c614425371bffc6918b15b27f3839a4b168454b25c6a26da8e9bfcc/siphash24-1.8-cp310-cp310-win_amd64.whl", hash = "sha256:876ed2507a9573c663b1f6deb29b5ccca41e5a5099f848ed18272e709e6848ca", size = 77313, upload-time = "2025-09-02T20:40:59.742Z" }, + { url = "https://files.pythonhosted.org/packages/82/23/f53f5bd8866c6ea3abe434c9f208e76ea027210d8b75cd0e0dc849661c7a/siphash24-1.8-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d4662ac616bce4d3c9d6003a0d398e56f8be408fc53a166b79fad08d4f34268e", size = 76930, upload-time = "2025-09-02T20:41:00.869Z" }, + { url = "https://files.pythonhosted.org/packages/0b/25/aebf246904424a06e7ffb7a40cfa9ea9e590ea0fac82e182e0f5d1f1d7ef/siphash24-1.8-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:53d6bed0951a99c6d2891fa6f8acfd5ca80c3e96c60bcee99f6fa01a04773b1c", size = 74315, upload-time = "2025-09-02T20:41:02.38Z" }, + { url = "https://files.pythonhosted.org/packages/59/3f/7010407c3416ef052d46550d54afb2581fb247018fc6500af8c66669eff2/siphash24-1.8-cp311-cp311-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:d114c03648630e9e07dac2fe95442404e4607adca91640d274ece1a4fa71123e", size = 99756, upload-time = "2025-09-02T20:41:03.902Z" }, + { url = "https://files.pythonhosted.org/packages/d4/9f/09c734833e69badd7e3faed806b4372bd6564ae0946bd250d5239885914f/siphash24-1.8-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:88c1a55ff82b127c5d3b96927a430d8859e6a98846a5b979833ac790682dd91b", size = 104044, upload-time = "2025-09-02T20:41:05.505Z" }, + { url = "https://files.pythonhosted.org/packages/24/30/56a26d9141a34433da221f732599e2b23d2d70a966c249a9f00feb9a2915/siphash24-1.8-cp311-cp311-win32.whl", hash = "sha256:9430255e6a1313470f52c07c4a4643c451a5b2853f6d4008e4dda05cafb6ce7c", size = 62196, upload-time = "2025-09-02T20:41:07.299Z" }, + { url = "https://files.pythonhosted.org/packages/47/b2/11b0ae63fd374652544e1b12f72ba2cc3fe6c93c1483bd8ff6935b0a8a4b/siphash24-1.8-cp311-cp311-win_amd64.whl", hash = "sha256:1e4b37e4ef0b4496169adce2a58b6c3f230b5852dfa5f7ad0b2d664596409e47", size = 77162, upload-time = "2025-09-02T20:41:08.878Z" }, + { url = "https://files.pythonhosted.org/packages/7f/82/ce3545ce8052ac7ca104b183415a27ec3335e5ed51978fdd7b433f3cfe5b/siphash24-1.8-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:df5ed437c6e6cc96196b38728e57cd30b0427df45223475a90e173f5015ef5ba", size = 78136, upload-time = "2025-09-02T20:41:10.083Z" }, + { url = "https://files.pythonhosted.org/packages/15/88/896c3b91bc9deb78c415448b1db67343917f35971a9e23a5967a9d323b8a/siphash24-1.8-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f4ef78abdf811325c7089a35504df339c48c0007d4af428a044431d329721e56", size = 74588, upload-time = "2025-09-02T20:41:11.251Z" }, + { url = "https://files.pythonhosted.org/packages/12/fd/8dad3f5601db485ba862e1c1f91a5d77fb563650856a6708e9acb40ee53c/siphash24-1.8-cp312-cp312-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:065eff55c4fefb3a29fd26afb2c072abf7f668ffd53b91d41f92a1c485fcbe5c", size = 98655, upload-time = "2025-09-02T20:41:12.45Z" }, + { url = "https://files.pythonhosted.org/packages/e3/cc/e0c352624c1f2faad270aeb5cce6e173977ef66b9b5e918aa6f32af896bf/siphash24-1.8-cp312-cp312-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:ac6fa84ebfd47677262aa0bcb0f5a70f796f5fc5704b287ee1b65a3bd4fb7a5d", size = 103217, upload-time = "2025-09-02T20:41:13.746Z" }, + { url = "https://files.pythonhosted.org/packages/5b/f6/0b1675bea4d40affcae642d9c7337702a4138b93c544230280712403e968/siphash24-1.8-cp312-cp312-win32.whl", hash = "sha256:6582f73615552ca055e51e03cb02a28e570a641a7f500222c86c2d811b5037eb", size = 63114, upload-time = "2025-09-02T20:41:14.972Z" }, + { url = "https://files.pythonhosted.org/packages/3d/39/afefef85d72ed8b5cf1aa9283f712e3cd43c9682fabbc809dec54baa8452/siphash24-1.8-cp312-cp312-win_amd64.whl", hash = "sha256:44ea6d794a7cbe184e1e1da2df81c5ebb672ab3867935c3e87c08bb0c2fa4879", size = 76232, upload-time = "2025-09-02T20:41:16.112Z" }, + { url = "https://files.pythonhosted.org/packages/25/f1/da4090c4aaa543acfb90f437dd60f36816559c1ad33083ff94d490d7e3a9/siphash24-1.8-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:692ef5a859fa70847d6fc52b34e8b666c3de00efb4bc009823875b69f2a108d8", size = 76993, upload-time = "2025-09-02T20:41:57.586Z" }, + { url = "https://files.pythonhosted.org/packages/a8/de/4ce57b788b9e74f73a573bac0ee5c2da9dcd8e09d509a40b1ad68f5cd29e/siphash24-1.8-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:a7a2ddff628c8b5316885d86a18b0633000df281febef7e4002f970709ed1931", size = 74454, upload-time = "2025-09-02T20:41:58.811Z" }, + { url = "https://files.pythonhosted.org/packages/4f/df/5d30dc9daf1b5bc9b30e030532820f53d890c8c65f02a1147f4629bec6f1/siphash24-1.8-cp39-cp39-manylinux2014_aarch64.manylinux_2_17_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:12aef7472ef116ed50339f30fa40eade8d24e3997e889462d1952d357df21d2d", size = 99670, upload-time = "2025-09-02T20:42:00.053Z" }, + { url = "https://files.pythonhosted.org/packages/03/bb/929f212cdd843413b5cc6fcc47fc3dd8d540b770443965eafc31cb25d1f9/siphash24-1.8-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:6e0f8bf870a967e3d65f44384f698d238d8c9523f36c190eb7f074aad959872e", size = 103276, upload-time = "2025-09-02T20:42:01.34Z" }, + { url = "https://files.pythonhosted.org/packages/b9/ec/6379f77f77b6fd0f8bf3ba1c09493dfff971b5d0e2aed90512287448a14b/siphash24-1.8-cp39-cp39-win32.whl", hash = "sha256:50b86d772a4ce95ceb3e80bd87c3703a3e99bdba164bda22f684b69ee28ce08d", size = 62766, upload-time = "2025-09-02T20:42:02.589Z" }, + { url = "https://files.pythonhosted.org/packages/4e/d4/76621d0599da9bae6c99e8e0b0eaf18328959824e043a891c579f253d829/siphash24-1.8-cp39-cp39-win_amd64.whl", hash = "sha256:95d1175422b8827a0c3cf5d4956e006f5bc4224a0140fdbf1965768ba4f5767d", size = 77534, upload-time = "2025-09-02T20:42:03.802Z" }, ] [[package]] @@ -2848,37 +17251,41 @@ wheels = [ [[package]] name = "sounddevice" -version = "0.5.2" +version = "0.5.3" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "cffi" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/91/a6/91e9f08ed37c7c9f56b5227c6aea7f2ae63ba2d59520eefb24e82cbdd589/sounddevice-0.5.2.tar.gz", hash = "sha256:c634d51bd4e922d6f0fa5e1a975cc897c947f61d31da9f79ba7ea34dff448b49", size = 53150, upload-time = "2025-05-16T18:12:27.339Z" } +sdist = { url = "https://files.pythonhosted.org/packages/4e/4f/28e734898b870db15b6474453f19813d3c81b91c806d9e6f867bd6e4dd03/sounddevice-0.5.3.tar.gz", hash = "sha256:cbac2b60198fbab84533697e7c4904cc895ec69d5fb3973556c9eb74a4629b2c", size = 53465, upload-time = "2025-10-19T13:23:57.922Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/75/2d/582738fc01352a5bc20acac9221e58538365cecb3bb264838f66419df219/sounddevice-0.5.2-py3-none-any.whl", hash = "sha256:82375859fac2e73295a4ab3fc60bd4782743157adc339561c1f1142af472f505", size = 32450, upload-time = "2025-05-16T18:12:21.919Z" }, - { url = "https://files.pythonhosted.org/packages/3f/6f/e3dd751face4fcb5be25e8abba22f25d8e6457ebd7e9ed79068b768dc0e5/sounddevice-0.5.2-py3-none-macosx_10_6_x86_64.macosx_10_6_universal2.whl", hash = "sha256:943f27e66037d41435bdd0293454072cdf657b594c9cde63cd01ee3daaac7ab3", size = 108088, upload-time = "2025-05-16T18:12:23.146Z" }, - { url = "https://files.pythonhosted.org/packages/45/0b/bfad79af0b380aa7c0bfe73e4b03e0af45354a48ad62549489bd7696c5b0/sounddevice-0.5.2-py3-none-win32.whl", hash = "sha256:3a113ce614a2c557f14737cb20123ae6298c91fc9301eb014ada0cba6d248c5f", size = 312665, upload-time = "2025-05-16T18:12:24.726Z" }, - { url = "https://files.pythonhosted.org/packages/e1/3e/61d88e6b0a7383127cdc779195cb9d83ebcf11d39bc961de5777e457075e/sounddevice-0.5.2-py3-none-win_amd64.whl", hash = "sha256:e18944b767d2dac3771a7771bdd7ff7d3acd7d334e72c4bedab17d1aed5dbc22", size = 363808, upload-time = "2025-05-16T18:12:26Z" }, + { url = "https://files.pythonhosted.org/packages/73/e7/9020e9f0f3df00432728f4c4044387468a743e3d9a4f91123d77be10010e/sounddevice-0.5.3-py3-none-any.whl", hash = "sha256:ea7738baa0a9f9fef7390f649e41c9f2c8ada776180e56c2ffd217133c92a806", size = 32670, upload-time = "2025-10-19T13:23:51.779Z" }, + { url = "https://files.pythonhosted.org/packages/2f/39/714118f8413e0e353436914f2b976665161f1be2b6483ac15a8f61484c14/sounddevice-0.5.3-py3-none-macosx_10_6_x86_64.macosx_10_6_universal2.whl", hash = "sha256:278dc4451fff70934a176df048b77d80d7ce1623a6ec9db8b34b806f3112f9c2", size = 108306, upload-time = "2025-10-19T13:23:53.277Z" }, + { url = "https://files.pythonhosted.org/packages/f5/74/52186e3e5c833d00273f7949a9383adff93692c6e02406bf359cb4d3e921/sounddevice-0.5.3-py3-none-win32.whl", hash = "sha256:845d6927bcf14e84be5292a61ab3359cf8e6b9145819ec6f3ac2619ff089a69c", size = 312882, upload-time = "2025-10-19T13:23:54.829Z" }, + { url = "https://files.pythonhosted.org/packages/66/c7/16123d054aef6d445176c9122bfbe73c11087589b2413cab22aff5a7839a/sounddevice-0.5.3-py3-none-win_amd64.whl", hash = "sha256:f55ad20082efc2bdec06928e974fbcae07bc6c405409ae1334cefe7d377eb687", size = 364025, upload-time = "2025-10-19T13:23:56.362Z" }, ] [[package]] name = "supervision" -version = "0.26.0" +version = "0.26.1" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "defusedxml" }, - { name = "matplotlib" }, + { name = "matplotlib", version = "3.9.4", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "matplotlib", version = "3.10.7", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "numpy" }, { name = "opencv-python" }, - { name = "pillow" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "pyyaml" }, { name = "requests" }, - { name = "scipy" }, + { name = "scipy", version = "1.13.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.15.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "scipy", version = "1.16.3", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tqdm" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/9b/e9/502cb036a3aba19a4278f68a007958687ddb628b97f1646d4689b831525a/supervision-0.26.0.tar.gz", hash = "sha256:03801068ab55f75be10142772c3b1f68826b3d7af98ae341dfe6a474af299fcc", size = 175968, upload-time = "2025-07-16T00:40:52.826Z" } +sdist = { url = "https://files.pythonhosted.org/packages/22/83/d098020d2f548bb13bd0380e21b03360089a6a3837eb509bdeebbb65c3f8/supervision-0.26.1.tar.gz", hash = "sha256:af0db9c5459bb640cf0d31e9a4df3296020b4cd0dd484d8659eafe7b475b68f2", size = 176349, upload-time = "2025-07-23T06:48:23.75Z" } wheels = [ - { url = "https://files.pythonhosted.org/packages/cc/a4/3265c5ae60f278c63ecd3fd52528594e8c70c66f15d8d92ff930f47aca50/supervision-0.26.0-py3-none-any.whl", hash = "sha256:dfece5805f8511817f140de2a94a5bcf55b3bb329a2ed6e2b00fb11218301ea6", size = 206739, upload-time = "2025-07-16T00:40:51.007Z" }, + { url = "https://files.pythonhosted.org/packages/f9/57/8c53abf4b9664544f71f23dd7b0c6788a47f72a2f799e545b190f5f5057f/supervision-0.26.1-py3-none-any.whl", hash = "sha256:43c55e2830f38f5750be7266208992dc16996da9c9478e067bc2617ebaf91c1a", size = 207171, upload-time = "2025-07-23T06:48:21.95Z" }, ] [[package]] @@ -2886,15 +17293,108 @@ name = "sympy" version = "1.13.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ { name = "mpmath", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, @@ -2909,18 +17409,609 @@ name = "sympy" version = "1.14.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "mpmath" }, + { name = "mpmath", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = [ @@ -2929,107 +18020,332 @@ wheels = [ [[package]] name = "tensorrt" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "tensorrt-cu12", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tensorrt-cu12", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tensorrt-cu13", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/2c/ad/c7cc31ec45eb2d28444f99a30f8477d6bb16ec230107a6e8bec16125890d/tensorrt-10.12.0.36.tar.gz", hash = "sha256:b246a830c26713e097b73151917e101cfb81aa0e7274c3c3b4c1f9f8b886be2e", size = 40702, upload-time = "2025-06-12T21:54:27.855Z" } +sdist = { url = "https://files.pythonhosted.org/packages/77/88/5d4cac975abb19654a6589ce7cd06fab15f6299382b67ba876b9e2438d1f/tensorrt-10.13.3.9.tar.gz", hash = "sha256:89ec5c15c6327c17a9bf592a0801f793c786f45b4f0e0089a3a875d639887fa1", size = 40518, upload-time = "2025-09-05T18:54:22.142Z" } [[package]] name = "tensorrt-cu12" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "tensorrt-cu12-bindings", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "tensorrt-cu12-libs", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tensorrt-cu12-bindings" }, + { name = "tensorrt-cu12-libs" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/a2/5f/be05d7a6683e06333a3ba195e5d68dc602294eb21d4bbbe8c01941bb614b/tensorrt_cu12-10.12.0.36.tar.gz", hash = "sha256:aedeee0195c042592ac6b0536b19bc8cdbb1a548f35e09d24fbe78e1c76217c5", size = 18224, upload-time = "2025-06-12T21:54:43.474Z" } +sdist = { url = "https://files.pythonhosted.org/packages/1a/aa/5a630ac02d05f7bbc774bd11b2bc9a3d31aa0bd7d38b4cfeef06733544b3/tensorrt_cu12-10.13.3.9.tar.gz", hash = "sha256:b507abc536ceeaac3b2e6527bd65100bef19000d204e7072db6fe85f9f859a84", size = 18175, upload-time = "2025-09-05T19:03:16.524Z" } [[package]] name = "tensorrt-cu12-bindings" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/35/b2/3c77a90a9c4f5b5ec40fa5b5227595f880a42d4e6f19e0868531b85b2442/tensorrt_cu12_bindings-10.12.0.36-cp310-none-manylinux_2_28_x86_64.whl", hash = "sha256:7ecdb6fc2555caed7d4fbbd8158ed7ced64e230c125484f62a5369c40dcc70e5", size = 1172872, upload-time = "2025-06-12T21:44:03.397Z" }, - { url = "https://files.pythonhosted.org/packages/8b/8a/b26adc5c549472cf8fc1ede8702f037e1da8f1755ac5c6f5419ee4703a78/tensorrt_cu12_bindings-10.12.0.36-cp310-none-manylinux_2_31_aarch64.whl", hash = "sha256:d8548ab5976ca5c91279c68ee77f4c892e03460709cfa3fbd2a22aa8123cb731", size = 1242157, upload-time = "2025-06-12T21:31:02.294Z" }, - { url = "https://files.pythonhosted.org/packages/57/11/ebd1abd00bd405c9aca17c4fdd164e9b4ca6091204f2124e4ed3ac8c7d55/tensorrt_cu12_bindings-10.12.0.36-cp310-none-win_amd64.whl", hash = "sha256:71be162a77ec9d5165d8c6ffad95179882e2c8604a68d7e21933258c182a8c0a", size = 869257, upload-time = "2025-06-12T21:55:35.386Z" }, - { url = "https://files.pythonhosted.org/packages/2c/52/d46ecfbeecfeff28b3b58502c3edf1ac03e55042408eddb75eff76c6f382/tensorrt_cu12_bindings-10.12.0.36-cp311-none-manylinux_2_28_x86_64.whl", hash = "sha256:58cf45605bb330e86f8ad49bc8997ed68cfdf5b09da229534fb7f84aa3fe5bf4", size = 1173379, upload-time = "2025-06-12T21:43:46.068Z" }, - { url = "https://files.pythonhosted.org/packages/99/99/6faa695b05413bd1c5358d11fb3ef836c8ff8b7e0c991d1060621d2d7163/tensorrt_cu12_bindings-10.12.0.36-cp311-none-manylinux_2_31_aarch64.whl", hash = "sha256:ae0866a89caaeada1c16776de85413a523f78f53b1fd83f1b903c39eed264d82", size = 1242340, upload-time = "2025-06-12T21:31:32.275Z" }, - { url = "https://files.pythonhosted.org/packages/ab/68/e79bb2748434d81bc77afe2e31d3878f0f0622f7d02bf36b58529ec3b78d/tensorrt_cu12_bindings-10.12.0.36-cp311-none-win_amd64.whl", hash = "sha256:9d6687f056ce603c6a97235fd4291330c06410ac5b899db412597a06720b02bc", size = 868166, upload-time = "2025-06-12T21:56:27.052Z" }, - { url = "https://files.pythonhosted.org/packages/df/40/d6d0599e1b3ac79a3583f03eec951a4c4c91c1a600bcc779e29a3012b359/tensorrt_cu12_bindings-10.12.0.36-cp312-none-manylinux_2_28_x86_64.whl", hash = "sha256:fb3a2ce96c7472a46bbee2030ce6a54fd6a32deda401c1c67d9de057550e0171", size = 1176288, upload-time = "2025-06-12T21:43:29.001Z" }, - { url = "https://files.pythonhosted.org/packages/da/0c/caee237aaa9edc9bfdb04857c3f96313a98ee2e3b9a6a9949b42afc724f5/tensorrt_cu12_bindings-10.12.0.36-cp312-none-manylinux_2_31_aarch64.whl", hash = "sha256:f5128b8b2a379e65c09745ba97df58abf3a418cbfd6508d37f76121d9bdd3bc8", size = 1220840, upload-time = "2025-06-12T21:30:03.028Z" }, - { url = "https://files.pythonhosted.org/packages/c1/c6/31a1285e214c71e33a29d2cbd9c9418cbbcbd255b3f6d62b0c24cb064580/tensorrt_cu12_bindings-10.12.0.36-cp312-none-win_amd64.whl", hash = "sha256:408af91113c22f58f2f08404bfc1548baa8d78ce6126bd543acdc9d5819662ff", size = 871280, upload-time = "2025-06-12T21:55:00.025Z" }, + { url = "https://files.pythonhosted.org/packages/03/b4/768d8e1d4cd949422ede434397d5f68b2281a2a269602257ab2922674f36/tensorrt_cu12_bindings-10.13.3.9-cp310-none-manylinux_2_28_x86_64.whl", hash = "sha256:3ca2635394789dd62346ff5ee3f02def53cee2cd21247cc342461dc721893a1e", size = 1181470, upload-time = "2025-09-05T19:03:39.63Z" }, + { url = "https://files.pythonhosted.org/packages/0e/3c/ff7b3cea9181b4d5c01f135af3cf66b547f9988d7b04ac0657abbdc2b300/tensorrt_cu12_bindings-10.13.3.9-cp310-none-win_amd64.whl", hash = "sha256:cb69c187370c3cfd1e3176acf5dcc8c3e7e9b526046e4646a7372b9cde375f70", size = 874901, upload-time = "2025-09-05T18:37:36.624Z" }, + { url = "https://files.pythonhosted.org/packages/03/b4/9040435df7db4491b6a9dbac68dfd39ba8de9b79e06cc877c064fe97c2a6/tensorrt_cu12_bindings-10.13.3.9-cp311-none-manylinux_2_28_x86_64.whl", hash = "sha256:33aa9d104c04b008871645a97bd8a1a02279cf498d251df5e767d9d5183e0646", size = 1181763, upload-time = "2025-09-05T19:04:50.567Z" }, + { url = "https://files.pythonhosted.org/packages/67/56/66b1b9e75cbb13e706cdcc14b4b7801b0940fcb0ae10759b67067e8208f4/tensorrt_cu12_bindings-10.13.3.9-cp311-none-win_amd64.whl", hash = "sha256:f87962f5ea2ae67437a78a5aa08b00345bfb1f19ec815e2566da26e4223c72ad", size = 877325, upload-time = "2025-09-05T18:45:53.776Z" }, + { url = "https://files.pythonhosted.org/packages/58/cc/8eddae7c3b0bd6d51290624c59f05b51ec3ded917b3689f1975f8dcfc601/tensorrt_cu12_bindings-10.13.3.9-cp312-none-manylinux_2_28_x86_64.whl", hash = "sha256:193174cd0aa5ec7d63943d8d3f84ca9ec525477a9db3a9100bf2f77071b3fae8", size = 1184541, upload-time = "2025-09-05T19:04:03.708Z" }, + { url = "https://files.pythonhosted.org/packages/f5/e4/19aff120be055418bac8f012cf38c682e540f983b55a5037d98c00b8b65c/tensorrt_cu12_bindings-10.13.3.9-cp312-none-win_amd64.whl", hash = "sha256:8dd3ad04874563f28a7ab5e6db394082b50351006da6c834253d864d777591f3", size = 877013, upload-time = "2025-09-05T18:30:47.278Z" }, + { url = "https://files.pythonhosted.org/packages/70/f0/9f0b1a8a00d50154dbc6fcb4a70dd052a6f9cc4ae2d6bc99c31355522851/tensorrt_cu12_bindings-10.13.3.9-cp39-none-manylinux_2_28_x86_64.whl", hash = "sha256:d73e90f5cdfa042c7556a426dc084b87bfd75ed3844699b6b9a7265bfbf8b1a9", size = 1181607, upload-time = "2025-09-05T19:05:38.847Z" }, + { url = "https://files.pythonhosted.org/packages/a4/a1/1a8ae231897e8240df1535743e7259f6764458dcef7cb293278d1a72b280/tensorrt_cu12_bindings-10.13.3.9-cp39-none-win_amd64.whl", hash = "sha256:338433ea3fb3c5e67c8c782b2c3d0705726753e882169bc6358c5a4a8678438b", size = 811710, upload-time = "2025-09-05T18:30:23.813Z" }, ] [[package]] name = "tensorrt-cu12-libs" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "nvidia-cuda-runtime-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.8.57", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.9.79", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.9.79", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.10' and sys_platform == 'darwin') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1e/bd/31d7dbd2d23a3558f7f4b3447586b4ef9141a0f3a0748c41c730e99cf6a6/tensorrt_cu12_libs-10.12.0.36.tar.gz", hash = "sha256:d26af485ad452599016bde631f4cd223b97f240afb647162ab0c5e8f89708934", size = 709, upload-time = "2025-06-12T21:22:47.972Z" } +sdist = { url = "https://files.pythonhosted.org/packages/e1/d3/82b9a603cac94975dbb25d33c7ffb1dba6851980f2dc630f2bf9caf0bffb/tensorrt_cu12_libs-10.13.3.9.tar.gz", hash = "sha256:99d11dd42a27705bcb2ea4e2e0f76817a2a9403d892ec1272c502bd2722ebbd9", size = 703, upload-time = "2025-09-05T18:03:45.78Z" } + +[[package]] +name = "tensorrt-cu13" +version = "10.13.3.9" +source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/a6/a2/85966c080f2bf2a4dd762b30957432ecf4d78151862734292e19256db215/tensorrt_cu13-10.13.3.9.tar.gz", hash = "sha256:413eab91b37313ca6158e70df0773047d278ad8bcce243d1954a17cd8d3feaca", size = 18168, upload-time = "2025-09-05T18:54:44.033Z" } [[package]] name = "tensorrt-lean" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "tensorrt-lean-cu12", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tensorrt-lean-cu12", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tensorrt-lean-cu13", marker = "sys_platform == 'linux' or sys_platform == 'win32' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/08/a4/251d8fbb4522914d682c3133a3b4c9c69d10982d52482857a0ba0e4d8941/tensorrt_lean-10.12.0.36.tar.gz", hash = "sha256:73abc6f89a5c9a808139f292ce034f91c70a749a7081f9f615873dbd896a12d3", size = 40722, upload-time = "2025-06-12T21:59:02.117Z" } +sdist = { url = "https://files.pythonhosted.org/packages/f0/2b/8fc7340e748e238a4c0cf1891094587982e9e0f64e10bcc67c6530ebf524/tensorrt_lean-10.13.3.9.tar.gz", hash = "sha256:302b35525f786dac614bf0a96f1a298c2a5db20be30d84157b1e9ac7b9922ffa", size = 40561, upload-time = "2025-09-05T18:47:12.706Z" } [[package]] name = "tensorrt-lean-cu12" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "tensorrt-lean-cu12-bindings", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "tensorrt-lean-cu12-libs", marker = "sys_platform != 'darwin' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "tensorrt-lean-cu12-bindings" }, + { name = "tensorrt-lean-cu12-libs" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/1a/0a/ab186da5277a7f8f4b81d29ac81b69fa1f80ea5b93e340f98e2079ee0ecb/tensorrt_lean_cu12-10.12.0.36.tar.gz", hash = "sha256:f7c898aa073e15863f578df2f09778823c6e7752fb621923437895bfd778b3fd", size = 18240, upload-time = "2025-06-12T21:59:19.087Z" } +sdist = { url = "https://files.pythonhosted.org/packages/83/5d/e920b0b22adbe1081a4a65b1d6ccebe1c7acce58b21436615206cc7d3537/tensorrt_lean_cu12-10.13.3.9.tar.gz", hash = "sha256:0e9386c026ac8c957e27b295a990a0ce468256795349aa36a068ff1b1c4b7001", size = 18161, upload-time = "2025-09-05T18:57:27.299Z" } [[package]] name = "tensorrt-lean-cu12-bindings" -version = "10.12.0.36" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } wheels = [ - { url = "https://files.pythonhosted.org/packages/e2/1f/3b8dd113a8d699e2f750f969bb831f764e6cb7e0ad6cfd4283e788c29403/tensorrt_lean_cu12_bindings-10.12.0.36-cp310-none-manylinux_2_28_x86_64.whl", hash = "sha256:f0ca23efe7a14ddca412375cdc473d788a8f6bc217df9d296417dc206b242c05", size = 724246, upload-time = "2025-06-12T21:46:41.409Z" }, - { url = "https://files.pythonhosted.org/packages/5c/f6/5e91418ef7407f8145032cb0f157308e5e829c54487ddfb725fbfd024138/tensorrt_lean_cu12_bindings-10.12.0.36-cp310-none-manylinux_2_31_aarch64.whl", hash = "sha256:ab36c61674c95f5177c8ea8e439cae0a22641b572a4383c10cc433e9920948ff", size = 743013, upload-time = "2025-06-12T21:34:59.815Z" }, - { url = "https://files.pythonhosted.org/packages/4a/6e/34a612a3093cad43fdab60bfdb979c93ae1cb274134b6ffc1c9bfcfb260f/tensorrt_lean_cu12_bindings-10.12.0.36-cp310-none-win_amd64.whl", hash = "sha256:9427a726d4bf273b6e4e1fa847ca5bffb983e7ce2cd7764ddf3282a4db237f68", size = 619431, upload-time = "2025-06-12T21:59:53.001Z" }, - { url = "https://files.pythonhosted.org/packages/16/ff/5892534b5d2fe43a738445558dfb6d7577524a9f13db1b5d1d6e3e7082f0/tensorrt_lean_cu12_bindings-10.12.0.36-cp311-none-manylinux_2_28_x86_64.whl", hash = "sha256:c66351523906f7fe4cffa798f8b2438770fc5aacf838bb0e5bddee0530603b57", size = 723166, upload-time = "2025-06-12T21:47:51.274Z" }, - { url = "https://files.pythonhosted.org/packages/00/0c/3d6c94c0b650944bc4a25aaaa4ee1a0c0c4711483606c38912fc15121985/tensorrt_lean_cu12_bindings-10.12.0.36-cp311-none-manylinux_2_31_aarch64.whl", hash = "sha256:44534893081c349f54fac076cd5cca34b85fffcb06f0fb2f5d66a55a6665fc42", size = 743001, upload-time = "2025-06-12T21:36:00.874Z" }, - { url = "https://files.pythonhosted.org/packages/01/2b/8383c384f3ab6cfc2c01395d0ace25e15b258f669050760a28fa2c502f67/tensorrt_lean_cu12_bindings-10.12.0.36-cp311-none-win_amd64.whl", hash = "sha256:a9661d4937a216fd70684a873517639de9e90bb9a2dd5bb6229b00ea1336302a", size = 619710, upload-time = "2025-06-12T22:01:02.055Z" }, - { url = "https://files.pythonhosted.org/packages/c5/5c/50e520ba56d7b5c93f47f3196f19783be739f17c74d5c2e21a1e80e189fb/tensorrt_lean_cu12_bindings-10.12.0.36-cp312-none-manylinux_2_28_x86_64.whl", hash = "sha256:74224e788fb4fabd2765be6d9fd242144bf7eb1f32295aac10bbd388e7268f07", size = 725212, upload-time = "2025-06-12T21:46:58.876Z" }, - { url = "https://files.pythonhosted.org/packages/b6/25/5c497a3a161e58738ad37aadb9bb2862a741ee5cf299b3dba0dc6df33303/tensorrt_lean_cu12_bindings-10.12.0.36-cp312-none-manylinux_2_31_aarch64.whl", hash = "sha256:e54348bba07ae399b3d9ca0343b51247537a0ffefc747a0ab4d668ecd9015aea", size = 731138, upload-time = "2025-06-12T21:36:28.847Z" }, - { url = "https://files.pythonhosted.org/packages/1b/8a/17851c6e1bd1d896f417d2cd33352835a7dace1792a1f5bf62fb27363f3c/tensorrt_lean_cu12_bindings-10.12.0.36-cp312-none-win_amd64.whl", hash = "sha256:36f41fdabebdb213c8a836b33888e9b7a7f15188926c92f520c6fbd2861869a6", size = 623777, upload-time = "2025-06-12T22:00:45.341Z" }, + { url = "https://files.pythonhosted.org/packages/28/db/87e89a58e0db834db2ac89b3171fc5d45812cc182eeca28b08c10b8ffb84/tensorrt_lean_cu12_bindings-10.13.3.9-cp310-none-manylinux_2_28_x86_64.whl", hash = "sha256:12052e38d97c46f0225f7493ea1276c37e6ad438c588e927aa4f3caa2873a1a7", size = 726138, upload-time = "2025-09-05T18:58:13.544Z" }, + { url = "https://files.pythonhosted.org/packages/2d/f3/9830f773a1205b7954c4bdd5b9581dda752c2a51229d51ab43f2092b4d10/tensorrt_lean_cu12_bindings-10.13.3.9-cp310-none-win_amd64.whl", hash = "sha256:6c318a46fa51ead9ac5fed81c95772edf099d426d7745e655d0ffcef838665a3", size = 620840, upload-time = "2025-09-05T18:25:01.45Z" }, + { url = "https://files.pythonhosted.org/packages/c5/89/9ee7ae84c4a75ce67a645b14db44eb4ba4b6422fbed9b10282fd1b147021/tensorrt_lean_cu12_bindings-10.13.3.9-cp311-none-manylinux_2_28_x86_64.whl", hash = "sha256:a243e555cae9de128df62862c1a40124c6805edb31af2e5600691428cee4657c", size = 724805, upload-time = "2025-09-05T18:59:23.338Z" }, + { url = "https://files.pythonhosted.org/packages/ee/74/08abc889ce1b0301c828b9a5ef86cca2adba5fdd1c77537a3bd57d9408e1/tensorrt_lean_cu12_bindings-10.13.3.9-cp311-none-win_amd64.whl", hash = "sha256:eb00e9abba10ce30e849675f667e2fcdff725f3d9f19fbea28351cc9a0da344c", size = 621017, upload-time = "2025-09-05T18:26:48.832Z" }, + { url = "https://files.pythonhosted.org/packages/b9/59/d6d1d805b4c9b078f4c7e804ab6e3c7607e6b87c280fa6975e3d52513e10/tensorrt_lean_cu12_bindings-10.13.3.9-cp312-none-manylinux_2_28_x86_64.whl", hash = "sha256:ad02531d2189c145cc5850c9d29b46b563d4041b8dd76c21a56a220230559d02", size = 727807, upload-time = "2025-09-05T18:58:36.305Z" }, + { url = "https://files.pythonhosted.org/packages/16/1d/ff4392b93b0c4c68241577c2716e5b021f3830b26edf8b64e84dc1ad5a0b/tensorrt_lean_cu12_bindings-10.13.3.9-cp312-none-win_amd64.whl", hash = "sha256:eb6dd4d24b6131b3fa2cdebd14c42da0243c9cd24ef9c000da155234ca7826c1", size = 624900, upload-time = "2025-09-05T18:25:24.711Z" }, + { url = "https://files.pythonhosted.org/packages/3c/1f/17c6101dbe85f273b62fb42278d3d11ea9dc3167ce1b15594283b3bb23f1/tensorrt_lean_cu12_bindings-10.13.3.9-cp39-none-manylinux_2_28_x86_64.whl", hash = "sha256:6076aefcdca13cd7d3226e35cdb50a616518dcca307fa316ee0d94b707d95f38", size = 725388, upload-time = "2025-09-05T18:59:47.022Z" }, + { url = "https://files.pythonhosted.org/packages/65/bc/13a9626e5c485983f158693bbee190408c0879fdc9095181b815b3c0de8c/tensorrt_lean_cu12_bindings-10.13.3.9-cp39-none-win_amd64.whl", hash = "sha256:0c42ee492c9d2ad925be393d8066e219d90e84f89eef8ce22a8d381a0dbf94b5", size = 590832, upload-time = "2025-09-05T18:26:12.257Z" }, ] [[package]] name = "tensorrt-lean-cu12-libs" -version = "10.12.0.36" +version = "10.13.3.9" +source = { registry = "https://pypi.org/simple" } +dependencies = [ + { name = "nvidia-cuda-runtime-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.9.79", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.10' and sys_platform == 'darwin') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/e9/ef/96c64396f70686c423d18154cb1bf568cdc8aa55c765b907afa9936646dc/tensorrt_lean_cu12_libs-10.13.3.9.tar.gz", hash = "sha256:d50f600aec5a2fe0d03cb697c4f51d36b970afb9ab3ed0af28e2affc359931d6", size = 713, upload-time = "2025-09-05T18:02:59.843Z" } + +[[package]] +name = "tensorrt-lean-cu13" +version = "10.13.3.9" source = { registry = "https://pypi.org/simple" } +sdist = { url = "https://files.pythonhosted.org/packages/27/cc/cfa3b2239f4cc3259938003216f1effe69d52914baa59bc9900b86d86bf0/tensorrt_lean_cu13-10.13.3.9.tar.gz", hash = "sha256:c9a91e2f471a6e39b0c3085d2340d1fcafbb71dfe54f378f6ede331fceb10b14", size = 18187, upload-time = "2025-09-05T18:47:34.982Z" } + +[[package]] +name = "tifffile" +version = "2024.8.30" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] dependencies = [ - { name = "nvidia-cuda-runtime-cu12", version = "12.4.127", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.8.57", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.9.79", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128')" }, + { name = "numpy", marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +sdist = { url = "https://files.pythonhosted.org/packages/54/30/7017e5560154c100cad3a801c02adb48879cd8e8cb862b82696d84187184/tifffile-2024.8.30.tar.gz", hash = "sha256:2c9508fe768962e30f87def61819183fb07692c258cb175b3c114828368485a4", size = 365714, upload-time = "2024-08-31T17:32:43.945Z" } +wheels = [ + { url = "https://files.pythonhosted.org/packages/3a/4f/73714b1c1d339b1545cac28764e39f88c69468b5e10e51f327f9aa9d55b9/tifffile-2024.8.30-py3-none-any.whl", hash = "sha256:8bc59a8f02a2665cd50a910ec64961c5373bee0b8850ec89d3b7b485bf7be7ad", size = 227262, upload-time = "2024-08-31T17:32:41.87Z" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/25/13/f623c012b4a5933dd7384ac68631342f89cd659dc67742841687baa26c78/tensorrt_lean_cu12_libs-10.12.0.36.tar.gz", hash = "sha256:3ac037cce0ba06e6bafb2d9b88bf5dba87356a1a11df66754e940cfea15305d8", size = 716, upload-time = "2025-06-12T21:25:02.299Z" } [[package]] name = "tifffile" version = "2025.5.10" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "numpy", marker = "python_full_version < '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "python_full_version == '3.10.*' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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 = [ @@ -3038,105 +18354,501 @@ wheels = [ [[package]] name = "tifffile" -version = "2025.9.9" +version = "2025.10.16" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ { name = "numpy", marker = "python_full_version >= '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/3a/a7/b77bd01f97d72bb70194f036e77f45927978f43017254762c784d7e10f49/tifffile-2025.9.9.tar.gz", hash = "sha256:6cf97ef548970eee9940cf8fc4203e57b4462a72e1e5e7a667ecdeb96113bc5f", size = 369652, upload-time = "2025-09-10T00:02:19.534Z" } +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/48/c5/0d57e3547add58285f401afbc421bd3ffeddbbd275a2c0b980b9067fda4a/tifffile-2025.9.9-py3-none-any.whl", hash = "sha256:239247551fa10b5679036ee030cdbeb7762bc1b3f11b1ddaaf50759ef8b4eb26", size = 230668, upload-time = "2025-09-10T00:02:17.839Z" }, + { 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.15" +version = "1.0.21" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "huggingface-hub" }, { name = "pyyaml" }, { name = "safetensors" }, { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.21.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.22.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.22.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')" }, -] -sdist = { url = "https://files.pythonhosted.org/packages/bc/0c/66b0f9b4a4cb9ffdac7b52b17b37c7d3c4f75623b469e388b0c6d89b4e88/timm-1.0.15.tar.gz", hash = "sha256:756a3bc30c96565f056e608a9b559daed904617eaadb6be536f96874879b1055", size = 2230258, upload-time = "2025-02-23T05:05:55.959Z" } + { name = "torchvision", version = "0.23.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.23.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torchvision", version = "0.24.0+e437e35", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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/6c/d0/179abca8b984b3deefd996f362b612c39da73b60f685921e6cd58b6125b4/timm-1.0.15-py3-none-any.whl", hash = "sha256:5a3dc460c24e322ecc7fd1f3e3eb112423ddee320cb059cc1956fbc9731748ef", size = 2361373, upload-time = "2025-02-23T05:05:53.601Z" }, + { 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 = "tokenizers" -version = "0.22.0" +version = "0.22.1" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "huggingface-hub" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/5e/b4/c1ce3699e81977da2ace8b16d2badfd42b060e7d33d75c4ccdbf9dc920fa/tokenizers-0.22.0.tar.gz", hash = "sha256:2e33b98525be8453f355927f3cab312c36cd3e44f4d7e9e97da2fa94d0a49dcb", size = 362771, upload-time = "2025-08-29T10:25:33.914Z" } +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/6d/b1/18c13648edabbe66baa85fe266a478a7931ddc0cd1ba618802eb7b8d9865/tokenizers-0.22.0-cp39-abi3-macosx_10_12_x86_64.whl", hash = "sha256:eaa9620122a3fb99b943f864af95ed14c8dfc0f47afa3b404ac8c16b3f2bb484", size = 3081954, upload-time = "2025-08-29T10:25:24.993Z" }, - { url = "https://files.pythonhosted.org/packages/c2/02/c3c454b641bd7c4f79e4464accfae9e7dfc913a777d2e561e168ae060362/tokenizers-0.22.0-cp39-abi3-macosx_11_0_arm64.whl", hash = "sha256:71784b9ab5bf0ff3075bceeb198149d2c5e068549c0d18fe32d06ba0deb63f79", size = 2945644, upload-time = "2025-08-29T10:25:23.405Z" }, - { url = "https://files.pythonhosted.org/packages/55/02/d10185ba2fd8c2d111e124c9d92de398aee0264b35ce433f79fb8472f5d0/tokenizers-0.22.0-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ec5b71f668a8076802b0241a42387d48289f25435b86b769ae1837cad4172a17", size = 3254764, upload-time = "2025-08-29T10:25:12.445Z" }, - { url = "https://files.pythonhosted.org/packages/13/89/17514bd7ef4bf5bfff58e2b131cec0f8d5cea2b1c8ffe1050a2c8de88dbb/tokenizers-0.22.0-cp39-abi3-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ea8562fa7498850d02a16178105b58803ea825b50dc9094d60549a7ed63654bb", size = 3161654, upload-time = "2025-08-29T10:25:15.493Z" }, - { url = "https://files.pythonhosted.org/packages/5a/d8/bac9f3a7ef6dcceec206e3857c3b61bb16c6b702ed7ae49585f5bd85c0ef/tokenizers-0.22.0-cp39-abi3-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4136e1558a9ef2e2f1de1555dcd573e1cbc4a320c1a06c4107a3d46dc8ac6e4b", size = 3511484, upload-time = "2025-08-29T10:25:20.477Z" }, - { url = "https://files.pythonhosted.org/packages/aa/27/9c9800eb6763683010a4851db4d1802d8cab9cec114c17056eccb4d4a6e0/tokenizers-0.22.0-cp39-abi3-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cdf5954de3962a5fd9781dc12048d24a1a6f1f5df038c6e95db328cd22964206", size = 3712829, upload-time = "2025-08-29T10:25:17.154Z" }, - { url = "https://files.pythonhosted.org/packages/10/e3/b1726dbc1f03f757260fa21752e1921445b5bc350389a8314dd3338836db/tokenizers-0.22.0-cp39-abi3-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8337ca75d0731fc4860e6204cc24bb36a67d9736142aa06ed320943b50b1e7ed", size = 3408934, upload-time = "2025-08-29T10:25:18.76Z" }, - { url = "https://files.pythonhosted.org/packages/d4/61/aeab3402c26874b74bb67a7f2c4b569dde29b51032c5384db592e7b216f4/tokenizers-0.22.0-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a89264e26f63c449d8cded9061adea7b5de53ba2346fc7e87311f7e4117c1cc8", size = 3345585, upload-time = "2025-08-29T10:25:22.08Z" }, - { url = "https://files.pythonhosted.org/packages/bc/d3/498b4a8a8764cce0900af1add0f176ff24f475d4413d55b760b8cdf00893/tokenizers-0.22.0-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:790bad50a1b59d4c21592f9c3cf5e5cf9c3c7ce7e1a23a739f13e01fb1be377a", size = 9322986, upload-time = "2025-08-29T10:25:26.607Z" }, - { url = "https://files.pythonhosted.org/packages/a2/62/92378eb1c2c565837ca3cb5f9569860d132ab9d195d7950c1ea2681dffd0/tokenizers-0.22.0-cp39-abi3-musllinux_1_2_armv7l.whl", hash = "sha256:76cf6757c73a10ef10bf06fa937c0ec7393d90432f543f49adc8cab3fb6f26cb", size = 9276630, upload-time = "2025-08-29T10:25:28.349Z" }, - { url = "https://files.pythonhosted.org/packages/eb/f0/342d80457aa1cda7654327460f69db0d69405af1e4c453f4dc6ca7c4a76e/tokenizers-0.22.0-cp39-abi3-musllinux_1_2_i686.whl", hash = "sha256:1626cb186e143720c62c6c6b5371e62bbc10af60481388c0da89bc903f37ea0c", size = 9547175, upload-time = "2025-08-29T10:25:29.989Z" }, - { url = "https://files.pythonhosted.org/packages/14/84/8aa9b4adfc4fbd09381e20a5bc6aa27040c9c09caa89988c01544e008d18/tokenizers-0.22.0-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:da589a61cbfea18ae267723d6b029b84598dc8ca78db9951d8f5beff72d8507c", size = 9692735, upload-time = "2025-08-29T10:25:32.089Z" }, - { url = "https://files.pythonhosted.org/packages/bf/24/83ee2b1dc76bfe05c3142e7d0ccdfe69f0ad2f1ebf6c726cea7f0874c0d0/tokenizers-0.22.0-cp39-abi3-win32.whl", hash = "sha256:dbf9d6851bddae3e046fedfb166f47743c1c7bd11c640f0691dd35ef0bcad3be", size = 2471915, upload-time = "2025-08-29T10:25:36.411Z" }, - { url = "https://files.pythonhosted.org/packages/d1/9b/0e0bf82214ee20231845b127aa4a8015936ad5a46779f30865d10e404167/tokenizers-0.22.0-cp39-abi3-win_amd64.whl", hash = "sha256:c78174859eeaee96021f248a56c801e36bfb6bd5b067f2e95aa82445ca324f00", size = 2680494, upload-time = "2025-08-29T10:25:35.14Z" }, + { 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.2.1" +version = "2.3.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/18/87/302344fed471e44a87289cf4967697d07e532f2421fdaf868a303cbae4ff/tomli-2.2.1.tar.gz", hash = "sha256:cd45e1dc79c835ce60f7404ec8119f2eb06d38b1deba146f07ced3bbc44505ff", size = 17175, upload-time = "2024-11-27T22:38:36.873Z" } -wheels = [ - { url = "https://files.pythonhosted.org/packages/43/ca/75707e6efa2b37c77dadb324ae7d9571cb424e61ea73fad7c56c2d14527f/tomli-2.2.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:678e4fa69e4575eb77d103de3df8a895e1591b48e740211bd1067378c69e8249", size = 131077, upload-time = "2024-11-27T22:37:54.956Z" }, - { url = "https://files.pythonhosted.org/packages/c7/16/51ae563a8615d472fdbffc43a3f3d46588c264ac4f024f63f01283becfbb/tomli-2.2.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:023aa114dd824ade0100497eb2318602af309e5a55595f76b626d6d9f3b7b0a6", size = 123429, upload-time = "2024-11-27T22:37:56.698Z" }, - { url = "https://files.pythonhosted.org/packages/f1/dd/4f6cd1e7b160041db83c694abc78e100473c15d54620083dbd5aae7b990e/tomli-2.2.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ece47d672db52ac607a3d9599a9d48dcb2f2f735c6c2d1f34130085bb12b112a", size = 226067, upload-time = "2024-11-27T22:37:57.63Z" }, - { url = "https://files.pythonhosted.org/packages/a9/6b/c54ede5dc70d648cc6361eaf429304b02f2871a345bbdd51e993d6cdf550/tomli-2.2.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6972ca9c9cc9f0acaa56a8ca1ff51e7af152a9f87fb64623e31d5c83700080ee", size = 236030, upload-time = "2024-11-27T22:37:59.344Z" }, - { url = "https://files.pythonhosted.org/packages/1f/47/999514fa49cfaf7a92c805a86c3c43f4215621855d151b61c602abb38091/tomli-2.2.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c954d2250168d28797dd4e3ac5cf812a406cd5a92674ee4c8f123c889786aa8e", size = 240898, upload-time = "2024-11-27T22:38:00.429Z" }, - { url = "https://files.pythonhosted.org/packages/73/41/0a01279a7ae09ee1573b423318e7934674ce06eb33f50936655071d81a24/tomli-2.2.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:8dd28b3e155b80f4d54beb40a441d366adcfe740969820caf156c019fb5c7ec4", size = 229894, upload-time = "2024-11-27T22:38:02.094Z" }, - { url = "https://files.pythonhosted.org/packages/55/18/5d8bc5b0a0362311ce4d18830a5d28943667599a60d20118074ea1b01bb7/tomli-2.2.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:e59e304978767a54663af13c07b3d1af22ddee3bb2fb0618ca1593e4f593a106", size = 245319, upload-time = "2024-11-27T22:38:03.206Z" }, - { url = "https://files.pythonhosted.org/packages/92/a3/7ade0576d17f3cdf5ff44d61390d4b3febb8a9fc2b480c75c47ea048c646/tomli-2.2.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:33580bccab0338d00994d7f16f4c4ec25b776af3ffaac1ed74e0b3fc95e885a8", size = 238273, upload-time = "2024-11-27T22:38:04.217Z" }, - { url = "https://files.pythonhosted.org/packages/72/6f/fa64ef058ac1446a1e51110c375339b3ec6be245af9d14c87c4a6412dd32/tomli-2.2.1-cp311-cp311-win32.whl", hash = "sha256:465af0e0875402f1d226519c9904f37254b3045fc5084697cefb9bdde1ff99ff", size = 98310, upload-time = "2024-11-27T22:38:05.908Z" }, - { url = "https://files.pythonhosted.org/packages/6a/1c/4a2dcde4a51b81be3530565e92eda625d94dafb46dbeb15069df4caffc34/tomli-2.2.1-cp311-cp311-win_amd64.whl", hash = "sha256:2d0f2fdd22b02c6d81637a3c95f8cd77f995846af7414c5c4b8d0545afa1bc4b", size = 108309, upload-time = "2024-11-27T22:38:06.812Z" }, - { url = "https://files.pythonhosted.org/packages/52/e1/f8af4c2fcde17500422858155aeb0d7e93477a0d59a98e56cbfe75070fd0/tomli-2.2.1-cp312-cp312-macosx_10_13_x86_64.whl", hash = "sha256:4a8f6e44de52d5e6c657c9fe83b562f5f4256d8ebbfe4ff922c495620a7f6cea", size = 132762, upload-time = "2024-11-27T22:38:07.731Z" }, - { url = "https://files.pythonhosted.org/packages/03/b8/152c68bb84fc00396b83e7bbddd5ec0bd3dd409db4195e2a9b3e398ad2e3/tomli-2.2.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:8d57ca8095a641b8237d5b079147646153d22552f1c637fd3ba7f4b0b29167a8", size = 123453, upload-time = "2024-11-27T22:38:09.384Z" }, - { url = "https://files.pythonhosted.org/packages/c8/d6/fc9267af9166f79ac528ff7e8c55c8181ded34eb4b0e93daa767b8841573/tomli-2.2.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4e340144ad7ae1533cb897d406382b4b6fede8890a03738ff1683af800d54192", size = 233486, upload-time = "2024-11-27T22:38:10.329Z" }, - { url = "https://files.pythonhosted.org/packages/5c/51/51c3f2884d7bab89af25f678447ea7d297b53b5a3b5730a7cb2ef6069f07/tomli-2.2.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db2b95f9de79181805df90bedc5a5ab4c165e6ec3fe99f970d0e302f384ad222", size = 242349, upload-time = "2024-11-27T22:38:11.443Z" }, - { url = "https://files.pythonhosted.org/packages/ab/df/bfa89627d13a5cc22402e441e8a931ef2108403db390ff3345c05253935e/tomli-2.2.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:40741994320b232529c802f8bc86da4e1aa9f413db394617b9a256ae0f9a7f77", size = 252159, upload-time = "2024-11-27T22:38:13.099Z" }, - { url = "https://files.pythonhosted.org/packages/9e/6e/fa2b916dced65763a5168c6ccb91066f7639bdc88b48adda990db10c8c0b/tomli-2.2.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:400e720fe168c0f8521520190686ef8ef033fb19fc493da09779e592861b78c6", size = 237243, upload-time = "2024-11-27T22:38:14.766Z" }, - { url = "https://files.pythonhosted.org/packages/b4/04/885d3b1f650e1153cbb93a6a9782c58a972b94ea4483ae4ac5cedd5e4a09/tomli-2.2.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:02abe224de6ae62c19f090f68da4e27b10af2b93213d36cf44e6e1c5abd19fdd", size = 259645, upload-time = "2024-11-27T22:38:15.843Z" }, - { url = "https://files.pythonhosted.org/packages/9c/de/6b432d66e986e501586da298e28ebeefd3edc2c780f3ad73d22566034239/tomli-2.2.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:b82ebccc8c8a36f2094e969560a1b836758481f3dc360ce9a3277c65f374285e", size = 244584, upload-time = "2024-11-27T22:38:17.645Z" }, - { url = "https://files.pythonhosted.org/packages/1c/9a/47c0449b98e6e7d1be6cbac02f93dd79003234ddc4aaab6ba07a9a7482e2/tomli-2.2.1-cp312-cp312-win32.whl", hash = "sha256:889f80ef92701b9dbb224e49ec87c645ce5df3fa2cc548664eb8a25e03127a98", size = 98875, upload-time = "2024-11-27T22:38:19.159Z" }, - { url = "https://files.pythonhosted.org/packages/ef/60/9b9638f081c6f1261e2688bd487625cd1e660d0a85bd469e91d8db969734/tomli-2.2.1-cp312-cp312-win_amd64.whl", hash = "sha256:7fc04e92e1d624a4a63c76474610238576942d6b8950a2d7f908a340494e67e4", size = 109418, upload-time = "2024-11-27T22:38:20.064Z" }, - { url = "https://files.pythonhosted.org/packages/6e/c2/61d3e0f47e2b74ef40a68b9e6ad5984f6241a942f7cd3bbfbdbd03861ea9/tomli-2.2.1-py3-none-any.whl", hash = "sha256:cb55c73c5f4408779d0cf3eef9f762b9c9f147a77de7b258bef0a5628adc85cc", size = 14257, upload-time = "2024-11-27T22:38:35.385Z" }, +sdist = { url = "https://files.pythonhosted.org/packages/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/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]] @@ -3144,21 +18856,116 @@ name = "torch" version = "2.6.0+cu124" source = { registry = "https://download.pytorch.org/whl/cu124" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "filelock", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "fsspec", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "jinja2", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { 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-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { 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-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, @@ -3185,66 +18992,8 @@ wheels = [ { 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" }, -] - -[[package]] -name = "torch" -version = "2.7.1" -source = { registry = "https://download.pytorch.org/whl/cpu" } -resolution-markers = [ - "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-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "fsspec", marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "jinja2", marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.12' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "typing-extensions", marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:f8c3bee261b0c8e090f6347490dc6ee2aebfd661eb0f3f6aeae06d992d8ed56f" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:68a352c7f435abb5cb47e2c032dcd1012772ae2bacb6fc8b83b0c1b11874ab3a" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:7b4f8b2b83bd08f7d399025a9a7b323bdbb53d20566f1e0d584689bb92d82f9a" }, -] - -[[package]] -name = "torch" -version = "2.7.1+cpu" -source = { registry = "https://download.pytorch.org/whl/cpu" } -resolution-markers = [ - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (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'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", -] -dependencies = [ - { name = "filelock", marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "fsspec", marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "jinja2", marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.12' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "typing-extensions", marker = "(sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, -] -wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:c0df17cee97653d09a4e84488a33d21217f9b24208583c55cf28f0045aab0766" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:1f04a373a3f643821f721da9898ef77dce73b5b6bfc64486f0976f7fb5f90e83" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp310-cp310-win_amd64.whl", hash = "sha256:b4cc706973655151f198d027ed34c92ab31a3db55676b44251194e1280631426" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:5fe6045b8f426bf2d0426e4fe009f1667a954ec2aeb82f1bd0bf60c6d7a85445" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:a1684793e352f03fa14f78857e55d65de4ada8405ded1da2bf4f452179c4b779" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp311-cp311-win_amd64.whl", hash = "sha256:7b977eccbc85ae2bd19d6998de7b1f1f4bd3c04eaffd3015deb7934389783399" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:3bf2db5adf77b433844f080887ade049c4705ddf9fe1a32023ff84ff735aa5ad" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:8f8b3cfc53010a4b4a3c7ecb88c212e9decc4f5eeb6af75c3c803937d2d60947" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp312-cp312-win_amd64.whl", hash = "sha256:0bc887068772233f532b51a3e8c8cfc682ae62bef74bf4e0c53526c8b9e4138f" }, - { url = "https://download.pytorch.org/whl/cpu/torch-2.7.1%2Bcpu-cp312-cp312-win_arm64.whl", hash = "sha256:a2618775f32eb4126c5b2050686da52001a08cffa331637d9cf51c8250931e00" }, + { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp39-cp39-linux_x86_64.whl", hash = "sha256:e661267cd0242462ab100bdd67f651988aa9f67eb31609d6909afcac891df612" }, + { url = "https://download.pytorch.org/whl/cu124/torch-2.6.0%2Bcu124-cp39-cp39-win_amd64.whl", hash = "sha256:c2eb62b99161d87be486c88fd82441274cc892bce8c48dbc28c055cb147732ce" }, ] [[package]] @@ -3252,21 +19001,116 @@ name = "torch" version = "2.7.1+cu118" source = { registry = "https://download.pytorch.org/whl/cu118" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "filelock", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "fsspec", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "jinja2", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "nvidia-cublas-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "nvidia-cuda-cupti-cu11", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, @@ -3291,58 +19135,30 @@ wheels = [ { 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-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:27fa1fc8d1bd14d55abece300fea978bd02ec6af933779627e22d6336133e29f" }, + { url = "https://download.pytorch.org/whl/cu118/torch-2.7.1%2Bcu118-cp39-cp39-win_amd64.whl", hash = "sha256:6cdd52fe299bf7a0557fa52d63c7657a59178aaed6fe729864003fd974870ae7" }, ] [[package]] name = "torch" -version = "2.7.1+cu128" -source = { registry = "https://download.pytorch.org/whl/cu128" } +version = "2.8.0" +source = { registry = "https://download.pytorch.org/whl/cpu" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", ] dependencies = [ - { name = "filelock", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "fsspec", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "jinja2", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cublas-cu12", version = "12.8.3.14", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-cupti-cu12", version = "12.8.57", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-nvrtc-cu12", version = "12.8.61", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cuda-runtime-cu12", version = "12.8.57", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cudnn-cu12", version = "9.7.1.26", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cufft-cu12", version = "11.3.3.41", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cufile-cu12", marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-curand-cu12", version = "10.3.9.55", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cusolver-cu12", version = "11.7.2.55", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cusparse-cu12", version = "12.5.7.53", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-cusparselt-cu12", version = "0.6.3", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-nccl-cu12", version = "2.26.2", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-nvjitlink-cu12", version = "12.8.61", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "nvidia-nvtx-cu12", version = "12.8.55", source = { registry = "https://pypi.org/simple" }, marker = "(platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "setuptools", marker = "(python_full_version >= '3.12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.12' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "triton", version = "3.3.1", source = { registry = "https://pypi.org/simple" }, marker = "(sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "typing-extensions", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:aca3472608e3c92df5166537595687b53a6c997082478b372427b043dbed98d0" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:d6c3cba198dc93f93422a8545f48a6697890366e4b9701f54351fc27e2304bd3" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp310-cp310-win_amd64.whl", hash = "sha256:5174f02de8ca14df87c8e333c4c39cf3ce93a323c9d470d690301d110a053b3c" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:3a0954c54fd7cb9f45beab1272dece2a05b0e77023c1da33ba32a7919661260f" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:c301dc280458afd95450af794924c98fe07522dd148ff384739b810e3e3179f2" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp311-cp311-win_amd64.whl", hash = "sha256:138c66dcd0ed2f07aafba3ed8b7958e2bed893694990e0b4b55b6b2b4a336aa6" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:268e54db9f0bc2b7b9eb089852d3e592c2dea2facc3db494100c3d3b796549fa" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:0b64f7d0a6f2a739ed052ba959f7b67c677028c9566ce51997f9f90fe573ddaa" }, - { url = "https://download.pytorch.org/whl/cu128/torch-2.7.1%2Bcu128-cp312-cp312-win_amd64.whl", hash = "sha256:2bb8c05d48ba815b316879a18195d53a6472a03e297d971e916753f8e1053d30" }, + { 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-cp39-none-macosx_11_0_arm64.whl", hash = "sha256:6bec1f240968749e23bbb7ea8f6617a08fc3db1b4c766b5cceadf8a28b4197d9" }, ] [[package]] @@ -3350,21 +19166,32 @@ name = "torch" version = "2.8.0" source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "filelock", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "fsspec", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "jinja2", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "setuptools", marker = "(python_full_version >= '3.12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, @@ -3379,25 +19206,192 @@ name = "torch" version = "2.8.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "filelock" }, - { name = "fsspec" }, - { name = "jinja2" }, - { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "setuptools", marker = "python_full_version >= '3.12' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126')" }, - { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" } }, - { name = "typing-extensions" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.11' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -3412,105 +19406,498 @@ wheels = [ { 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/5b/b0/a321f27270049baa12f5c3fb0d6ceea005634787e3af9a8d75dce8306b0a/torch-2.8.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:da6afa31c13b669d4ba49d8a2169f0db2c3ec6bec4af898aa714f401d4c38904", size = 102059214, upload-time = "2025-08-06T14:55:33.433Z" }, + { url = "https://files.pythonhosted.org/packages/fd/dd/1630cb51b10d3d2e97db95e5a84c32def81fc26b005bce6fc880b0e6db81/torch-2.8.0-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:06fcee8000e5c62a9f3e52a688b9c5abb7c6228d0e56e3452983416025c41381", size = 888024302, upload-time = "2025-08-06T14:57:28.23Z" }, + { url = "https://files.pythonhosted.org/packages/b9/dc/1f1f621afe15e3c496e1e8f94f8903f75f87e7d642d5a985e92210cc208d/torch-2.8.0-cp39-cp39-win_amd64.whl", hash = "sha256:5128fe752a355d9308e56af1ad28b15266fe2da5948660fad44de9e3a9e36e8c", size = 241249338, upload-time = "2025-08-06T14:57:05.669Z" }, + { url = "https://files.pythonhosted.org/packages/ae/95/ae26263aceb3d57b821179f827d0e321373ed49423e603dd5906ab14a730/torch-2.8.0-cp39-none-macosx_11_0_arm64.whl", hash = "sha256:e9f071f5b52a9f6970dc8a919694b27a91ae9dc08898b2b988abbef5eddfd1ae", size = 73610795, upload-time = "2025-08-06T14:57:11.513Z" }, ] [[package]] -name = "torchvision" -version = "0.21.0+cu124" -source = { registry = "https://download.pytorch.org/whl/cu124" } +name = "torch" +version = "2.8.0+cpu" +source = { registry = "https://download.pytorch.org/whl/cpu" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "numpy", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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/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-cp39-cp39-linux_s390x.whl", hash = "sha256:5239ef35402000844b676a9b79ed76d5ae6b028a6762bbdfebdf8421a0f4d2aa" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:eac8b7ef5c7ca106daec5e829dfa8ca56ca47601db13b402d2608861ad3ab926" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:bda4f93d64dcd9ae5d51844bbccc6fcb7d603522bcc95d256b5fe3bdb9dccca3" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.8.0%2Bcpu-cp39-cp39-win_amd64.whl", hash = "sha256:e3c3fce24ebaac954b837d1498e36d484ad0d93e2a1ed5b6b0c55a02ea748fab" }, ] [[package]] -name = "torchvision" -version = "0.22.1" +name = "torch" +version = "2.8.0+cu128" +source = { registry = "https://download.pytorch.org/whl/cu128" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.2.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu12", version = "12.8.4.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-cupti-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-nvrtc-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cudnn-cu12", version = "9.10.2.21", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cufft-cu12", version = "11.3.3.83", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cufile-cu12", marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-curand-cu12", version = "10.3.9.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusolver-cu12", version = "11.7.3.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusparse-cu12", version = "12.5.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusparselt-cu12", version = "0.7.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nccl-cu12", version = "2.27.3", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvtx-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "triton", version = "3.4.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine == 'x86_64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'x86_64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:0c96999d15cf1f13dd7c913e0b21a9a355538e6cfc10861a17158320292f5954" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp310-cp310-win_amd64.whl", hash = "sha256:43938e9a174c90e5eb9e906532b2f1e21532bbfa5a61b65193b4f54714d34f9e" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:039b9dcdd6bdbaa10a8a5cd6be22c4cb3e3589a341e5f904cbb571ca28f55bed" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp311-cp311-win_amd64.whl", hash = "sha256:34c55443aafd31046a7963b63d30bc3b628ee4a704f826796c865fdfd05bb596" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:4354fc05bb79b208d6995a04ca1ceef6a9547b1c4334435574353d381c55087c" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp312-cp312-win_amd64.whl", hash = "sha256:0ad925202387f4e7314302a1b4f8860fa824357f9b1466d7992bf276370ebcff" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:b9357a87595a3d7b2a565ba602b97392a37c56f0b85698f0ccf0a2c58fbef5ec" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.8.0%2Bcu128-cp39-cp39-win_amd64.whl", hash = "sha256:fca71fd04bf524a54370386b85e2e89840c2bbc86dc2a8df2aadedd3bba5645f" }, +] + +[[package]] +name = "torch" +version = "2.9.0" source = { registry = "https://download.pytorch.org/whl/cpu" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin'", ] dependencies = [ - { name = "numpy", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version == '3.10.*' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.12' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:3b47d8369ee568c067795c0da0b4078f39a9dfea6f3bc1f3ac87530dfda1dd56" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:990de4d657a41ed71680cd8be2e98ebcab55371f30993dc9bd2e676441f7180e" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:4addf626e2b57fc22fd6d329cf1346d474497672e6af8383b7b5b636fba94a53" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:8b4a53a6067d63adba0c52f2b8dd2290db649d642021674ee43c0c922f0c6a69" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:153f1790e505bd6da123e21eee6e83e2e155df05c0fe7d56347303067d8543c5" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:964414eef19459d55a10e886e2fca50677550e243586d1678f65e3f6f6bac47a" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:59484193b01299bf669520505a72b29d59a0028ae4c6d95f492938f186592208" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:aa4483602586cc9a35d1cf33771a9977f05f642b9161518a289e36548a0b77c2" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:4de0ed8cbc457a506dbca40376e206a29efee10756a00f1f3404bf67ad737d04" }, ] [[package]] -name = "torchvision" -version = "0.22.1" +name = "torch" +version = "2.9.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin'", +] +dependencies = [ + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.11' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/bb/86/245c240d2138c17ed572c943c289056c2721abab70810d772c6bf5495b28/torch-2.9.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:030bbfe367379ae6a4ae4042b6c44da25383343b8b3c68abaa9c7231efbaf2dd", size = 104213554, upload-time = "2025-10-15T15:45:59.798Z" }, + { url = "https://files.pythonhosted.org/packages/58/1d/fd1e88ae0948825efcab7dd66d12bec23f05d4d38ed81573c8d453c14c06/torch-2.9.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:51cb63902182a78e90886e8068befd8ea102af4b00e420263591a3d70c7d3c6c", size = 899795167, upload-time = "2025-10-15T15:47:12.695Z" }, + { url = "https://files.pythonhosted.org/packages/63/5a/496197b45c14982bef4e079b24c61dc108e3ab0d0cc9718dba9f54f45a46/torch-2.9.0-cp310-cp310-win_amd64.whl", hash = "sha256:3f6aad4d2f0ee2248bac25339d74858ff846c3969b27d14ac235821f055af83d", size = 109310314, upload-time = "2025-10-15T15:46:16.633Z" }, + { url = "https://files.pythonhosted.org/packages/58/b0/2b4e647b0fc706e88eb6c253d05511865578f5f67b55fad639bf3272a4a1/torch-2.9.0-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:413e1654c9203733138858780e184d9fc59442f0b3b209e16f39354eb893db9b", size = 74452019, upload-time = "2025-10-15T15:46:04.296Z" }, + { url = "https://files.pythonhosted.org/packages/58/fe/334225e6330e672b36aef23d77451fa906ea12881570c08638a91331a212/torch-2.9.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:c596708b5105d0b199215acf0c9be7c1db5f1680d88eddadf4b75a299259a677", size = 104230578, upload-time = "2025-10-15T15:46:08.182Z" }, + { url = "https://files.pythonhosted.org/packages/05/cc/49566caaa218872ec9a2912456f470ff92649894a4bc2e5274aa9ef87c4a/torch-2.9.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:51de31219c97c51cf4bf2be94d622e3deb5dcc526c6dc00e97c17eaec0fc1d67", size = 899815990, upload-time = "2025-10-15T15:48:03.336Z" }, + { url = "https://files.pythonhosted.org/packages/74/25/e9ab21d5925b642d008f139d4a3c9664fc9ee1faafca22913c080cc4c0a5/torch-2.9.0-cp311-cp311-win_amd64.whl", hash = "sha256:dd515c70059afd95f48b8192733764c08ca37a1d19803af6401b5ecad7c8676e", size = 109313698, upload-time = "2025-10-15T15:46:12.425Z" }, + { url = "https://files.pythonhosted.org/packages/b3/b7/205ef3e94de636feffd64b28bb59a0dfac0771221201b9871acf9236f5ca/torch-2.9.0-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:614a185e4986326d526a91210c8fc1397e76e8cfafa78baf6296a790e53a9eec", size = 74463678, upload-time = "2025-10-15T15:46:29.779Z" }, + { url = "https://files.pythonhosted.org/packages/d1/d3/3985739f3b8e88675127bf70f82b3a48ae083e39cda56305dbd90398fec0/torch-2.9.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:e5f7af1dc4c0a7c4a260c2534f41ddaf209714f7c89145e644c44712fbd6b642", size = 104107898, upload-time = "2025-10-15T15:46:20.883Z" }, + { url = "https://files.pythonhosted.org/packages/a5/4b/f4bb2e6c25d0272f798cd6d7a04ed315da76cec68c602d87040c7847287f/torch-2.9.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:01cff95ecd9a212ea2f141db28acccdceb6a4c54f64e6c51091146f5e2a772c6", size = 899738273, upload-time = "2025-10-15T15:50:04.188Z" }, + { url = "https://files.pythonhosted.org/packages/66/11/c1c5ba6691cda6279087c35bd626536e4fd29521fe740abf5008377a9a02/torch-2.9.0-cp312-cp312-win_amd64.whl", hash = "sha256:4582b162f541651f0cb184d3e291c05c2f556c7117c64a9873e2ee158d40062b", size = 109280887, upload-time = "2025-10-15T15:46:26.228Z" }, + { url = "https://files.pythonhosted.org/packages/dd/5f/b85bd8c05312d71de9402bf5868d217c38827cfd09d8f8514e5be128a52b/torch-2.9.0-cp312-none-macosx_11_0_arm64.whl", hash = "sha256:33f58e9a102a91259af289d50525c30323b5c9ae1d31322b6447c0814da68695", size = 74478983, upload-time = "2025-10-15T15:46:39.406Z" }, +] + +[[package]] +name = "torch" +version = "2.9.0+cpu" +source = { registry = "https://download.pytorch.org/whl/cpu" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +dependencies = [ + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version == '3.10.*' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version != '3.10.*' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.11' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.11' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version >= '3.12' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.12' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:b224792ea567b52c7f1ce1d789567f6920e06fd3b339fa1e1b05948845f783ad" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:bd2a257e670ede9fc01c6d76dccdc473040913b8e9328169bf177dbdc38e2484" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp310-cp310-win_amd64.whl", hash = "sha256:96f3f7aa4eb9e7fc5af8a722eaf1e5e32e3039dbafe817178d7b90a8566be32d" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:da77341ccaba31762d9238b0942c165c4582a26818f3045b052b39cebdd7ad9d" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:add3e93ecc1eeaa6853f6a973ce60ffb3cb14ed2e80f5055e139b09385dce0a7" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp311-cp311-win_amd64.whl", hash = "sha256:389e1e0b8083fd355f7caf5ba82356b5e01c318998bd575dbf2285a0d8137089" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp311-cp311-win_arm64.whl", hash = "sha256:5ce3d01aef91dc078fbb121814e556d55bc886d303efaf42c4fe67e411f5f9ad" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:3a651434ae1248b0568c12b5f9e3acc8942eb28378d9d04a79302938b68c6f24" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:28f6eb31b08180a5c5e98d5bc14eef6909c9f5a1dbff9632c3e02a8773449349" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp312-cp312-win_amd64.whl", hash = "sha256:e438061b87ec7dd6018fca9f975219889aa0a3f6cdc3ea10dd0ae2bc7f1c47ce" }, + { url = "https://download.pytorch.org/whl/cpu/torch-2.9.0%2Bcpu-cp312-cp312-win_arm64.whl", hash = "sha256:eb13ff1c34e338d722e76a4fd83b8d282782505bd1b99af4b3c32da66eba6eb4" }, +] + +[[package]] +name = "torch" +version = "2.9.0+cu128" source = { registry = "https://download.pytorch.org/whl/cu128" } resolution-markers = [ - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "numpy", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "fsspec", marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "jinja2", marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.4.2", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version == '3.10.*' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "networkx", version = "3.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.11' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cublas-cu12", version = "12.8.4.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-cupti-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-nvrtc-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cuda-runtime-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cudnn-cu12", version = "9.10.2.21", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cufft-cu12", version = "11.3.3.83", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cufile-cu12", marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-curand-cu12", version = "10.3.9.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusolver-cu12", version = "11.7.3.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusparse-cu12", version = "12.5.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-cusparselt-cu12", version = "0.7.1", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nccl-cu12", version = "2.27.5", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvjitlink-cu12", version = "12.8.93", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvshmem-cu12", marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "nvidia-nvtx-cu12", version = "12.8.90", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version >= '3.12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.12' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "sympy", version = "1.14.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "triton", version = "3.5.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "typing-extensions", marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:3a41b87628c0d6095839c43a1dd706670e7e5a56edc5860e700e1ba22c3ef8af" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:299fbd935f02b424e9166b7689de57067e24a228edc00abd5faf84f86c0643a0" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:2ad7fe412b821333fc05b4046263d77c14ba86f3965366adbada8dc397ea45b4" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:edadd510a59951323ca24a53b8fe55d179b9a90237f0f55aae07f8ebc07dd052" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:816540286fce245a8af3904a194a83af9c9292ad7452eb79160b7a3b1cefb7e3" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp310-cp310-win_amd64.whl", hash = "sha256:397bfff20d46d22692726ca3450f9194a687244fce8fc01b755bf29d715485ee" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:6848715fc906574eb2c0975f56771663344eef7b9a717816b50dede616a3d4fb" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:e97c264478c9fc48f91832749d960f1e349aeb214224ebe65fb09435dd64c59a" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp311-cp311-win_amd64.whl", hash = "sha256:dc6f6c6e7d7eed20c687fc189754a6ea6bf2da9c64eff59fd6753b80ed4bca05" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:e1765625084e320f1eb2f4eb5fd9d14d39d08d7a1880c10a307ce5de20831d27" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:87c62d3b95f1a2270bd116dbd47dc515c0b2035076fbb4a03b4365ea289e89c4" }, + { url = "https://download.pytorch.org/whl/cu128/torch-2.9.0%2Bcu128-cp312-cp312-win_amd64.whl", hash = "sha256:c97dc47a1f64745d439dd9471a96d216b728d528011029b4f9ae780e985529e0" }, ] [[package]] name = "torchvision" -version = "0.22.1+cpu" -source = { registry = "https://download.pytorch.org/whl/cpu" } +version = "0.21.0+cu124" +source = { registry = "https://download.pytorch.org/whl/cu124" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "numpy", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.6.0+cu124", source = { registry = "https://download.pytorch.org/whl/cu124" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1%2Bcpu-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:e31f1273a8dd9760906288036ac3c8f5fef25eed393da0491db150d7be78910d" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1%2Bcpu-cp310-cp310-win_amd64.whl", hash = "sha256:445e442b94c365f7fd96596347c8a5a7fcfcbfca17a23baa8c9dcc8cb00fceee" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1%2Bcpu-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:4e0cbc165a472605d0c13da68ae22e84b17a6b815d5e600834777823e1bcb658" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1%2Bcpu-cp311-cp311-win_amd64.whl", hash = "sha256:9482adee074f60a45fd69892f7488281aadfda7836948c94b0a9b0caf55d1d67" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1%2Bcpu-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:b5fa7044bd82c6358e8229351c98070cf3a7bf4a6e89ea46352ae6c65745ef94" }, - { url = "https://download.pytorch.org/whl/cpu/torchvision-0.22.1%2Bcpu-cp312-cp312-win_amd64.whl", hash = "sha256:433cb4dbced7291f17064cea08ac1e5aebd02ec190e1c207d117ad62a8961f2b" }, + { 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-cp39-cp39-linux_x86_64.whl", hash = "sha256:6afb21a22f5497e08ea4dbd4544472330d8249bf09dafd239302552cad6906b2" }, + { url = "https://download.pytorch.org/whl/cu124/torchvision-0.21.0%2Bcu124-cp39-cp39-win_amd64.whl", hash = "sha256:579b6a7fffc34a860c57a7131221ef125831f5961431f8da15760ab1ef752d44" }, ] [[package]] @@ -3518,19 +19905,113 @@ name = "torchvision" version = "0.22.1+cu118" source = { registry = "https://download.pytorch.org/whl/cu118" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ { name = "numpy", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.7.1+cu118", source = { registry = "https://download.pytorch.org/whl/cu118" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ @@ -3540,32 +20021,33 @@ wheels = [ { 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-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:11d1b97a236bd58bafcb8ce067b676de5f7793402e3869c832eeb8d30d0542fc" }, + { url = "https://download.pytorch.org/whl/cu118/torchvision-0.22.1%2Bcu118-cp39-cp39-win_amd64.whl", hash = "sha256:6f62a2d9f4d2ac69e83108f9375e03e31350c57db82d017db4a57c9fbb41fd61" }, ] [[package]] name = "torchvision" -version = "0.22.1+cu128" -source = { registry = "https://download.pytorch.org/whl/cu128" } +version = "0.23.0" +source = { registry = "https://download.pytorch.org/whl/cpu" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", ] dependencies = [ - { name = "numpy", marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "torch", version = "2.7.1+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "numpy", marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'arm64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1%2Bcu128-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:538f4db667286d939b4eee0a66d31ed21b51186668006b0e0ffe20338ecc7e00" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1%2Bcu128-cp310-cp310-win_amd64.whl", hash = "sha256:ad48ba3c3ffd48027e3a8de42fcea131a53a524ee9416ca4efb22f9ac6b7328d" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1%2Bcu128-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:92568ac46b13a8c88b61589800b1b9c4629be091ea7ce080fc6fc622e11e0915" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1%2Bcu128-cp311-cp311-win_amd64.whl", hash = "sha256:85ecd729c947151eccea502853be6efc2c0029dc26e6e5148e04684aed008390" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1%2Bcu128-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:f64ef9bb91d71ab35d8384912a19f7419e35928685bc67544d58f45148334373" }, - { url = "https://download.pytorch.org/whl/cu128/torchvision-0.22.1%2Bcu128-cp312-cp312-win_amd64.whl", hash = "sha256:650561ba326d21021243f5e064133dc62dc64d52f79623db5cd76637a9665f96" }, + { 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-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b190db205f90206c230fc2f91cbdfd5733334babc0e0d19bddb90a40b8cf26c2" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:6c74cbc1cbee26dd4f35f989cd80dccc40411f258dee476b29871dee4b483af0" }, ] [[package]] @@ -3573,19 +20055,29 @@ name = "torchvision" version = "0.23.0" source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ { name = "numpy", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, - { name = "pillow", marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "torch", version = "2.8.0", source = { registry = "https://pypi.jetson-ai-lab.io/jp6/cu126/+simple" }, marker = "(extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] wheels = [ @@ -3597,20 +20089,186 @@ name = "torchvision" version = "0.23.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and sys_platform == 'darwin'", - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and sys_platform == 'darwin'", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version == '3.11.*' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version < '3.11' and sys_platform == 'darwin'", - "python_full_version < '3.11' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", ] dependencies = [ - { name = "numpy" }, - { name = "pillow" }, - { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" } }, + { name = "numpy", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or extra == 'extra-13-inference-exp-torch-cu126' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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" }, @@ -3625,6 +20283,266 @@ wheels = [ { 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/d5/3e/f1f3bb3dd452b98ec2eba4820d777440abceb3d3a428a6c8243006fe47e5/torchvision-0.23.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b190db205f90206c230fc2f91cbdfd5733334babc0e0d19bddb90a40b8cf26c2", size = 1856927, upload-time = "2025-08-06T14:58:18.919Z" }, + { url = "https://files.pythonhosted.org/packages/f4/e2/aafc6af854e792d212ff58e459f8d5d807568dc3f2b49ec41b677275e5a9/torchvision-0.23.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:6c74cbc1cbee26dd4f35f989cd80dccc40411f258dee476b29871dee4b483af0", size = 2392870, upload-time = "2025-08-06T14:58:21.303Z" }, + { url = "https://files.pythonhosted.org/packages/5d/06/09b6a917b3759ef000428af0aa2597f983e20d9fbbcfeb826750f778fe6d/torchvision-0.23.0-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:a9e9d7552d34547b80843eaf64ab0737b19b2e8bec2514286b8cfd30861ca8b5", size = 8630400, upload-time = "2025-08-06T14:58:24.139Z" }, + { url = "https://files.pythonhosted.org/packages/08/07/ae46106efbf4bbc0090078aa4c406c38282cbe4e637bdb4b7f2e984140af/torchvision-0.23.0-cp39-cp39-win_amd64.whl", hash = "sha256:dc7ce5accbbb8c9df9a79f8cef6a6df042f28e2250a6ae0d2ca70b06473fa03b", size = 1600751, upload-time = "2025-08-06T14:58:20.027Z" }, +] + +[[package]] +name = "torchvision" +version = "0.23.0+cpu" +source = { registry = "https://download.pytorch.org/whl/cpu" } +resolution-markers = [ + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +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-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:c879590294471ffa6dca8ae2115c08351dde3b674fa271dd3b175f2de508a80a" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.23.0%2Bcpu-cp39-cp39-win_amd64.whl", hash = "sha256:d72ee52a73ca0a44f7d61729eb9de1b90b67230b71a496ff0d58b4255e6b88a9" }, +] + +[[package]] +name = "torchvision" +version = "0.23.0+cu128" +source = { registry = "https://download.pytorch.org/whl/cu128" } +resolution-markers = [ + "python_full_version < '3.10' and platform_machine == 'arm64' and sys_platform == 'darwin'", + "python_full_version < '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux'", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "11.3.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.8.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:460bc8d70f63bdb433a7351decc2c1ae1903f7f378e4a7614fc8e8c97a5c36aa" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp310-cp310-win_amd64.whl", hash = "sha256:8ec6f2281ef5d52471b01b99eb04243d0c2cccb1972ba43217085025fe5a6c3f" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:93f1b5f56b20cd6869bca40943de4fd3ca9ccc56e1b57f47c671de1cdab39cdb" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp311-cp311-win_amd64.whl", hash = "sha256:70b3d8bfe04438006ec880c162b0e3aaac90c48b759aa41638dd714c732b182c" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:9cb3c13997afcb44057ca10d943c6c4cba3068afde0f370965abce9c89fcffa9" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp312-cp312-win_amd64.whl", hash = "sha256:20fa9c7362a006776630b00b8a01919fedcf504a202b81358d32c5aef39956fe" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:784fc90cb970e5a29b24b6441e461f5bf616846305b9793fa3870a9f296d4c0e" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.23.0%2Bcu128-cp39-cp39-win_amd64.whl", hash = "sha256:4cbc97e320d229929ec706f98edc926b68dc2fa9fb7785133c6bda2c5d163694" }, +] + +[[package]] +name = "torchvision" +version = "0.24.0" +source = { registry = "https://download.pytorch.org/whl/cpu" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:5e8d5e667deff87bd66d26df6d225f46224bb0782d4f3f8f5d2f3068b5fd4492" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:a110a51c75e89807a8382b0d8034f5e180fb9319570be3389ffd3d4ac4fd57a9" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f771cf918351ad509a28488be475f3e9cc71a750d6b1467842bfb64863a5e986" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:bbd63bf4ebff84c48c50123eba90526cc9f794fe45bc9f5dd07cec19e8c62bce" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c61d40bcd2e2451e932902a702ad495ba1ec6f279e90b1e15cef2bb55dc911e2" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:b0531d1483fc322d7da0d83be52f0df860a75114ab87dbeeb9de765feaeda843" }, +] + +[[package]] +name = "torchvision" +version = "0.24.0" +source = { registry = "https://download.pytorch.org/whl/cu128" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:6d78b43c9e94e6941fd80a8dc79ab6618e0277a96d225370d801ac6e0017f07e" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:d1090dcf436124521eb765fafff44300dcda090d2d4047d515632627a78d6709" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:5d6bcd7393774c82531f7ec411f352129fe8c302bba7765c372398a71d5df4a8" }, +] + +[[package]] +name = "torchvision" +version = "0.24.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin'", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra != 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/63/5b/1404eeab00819df71a30e916c2081654366741f7838fcc4fff86b7bd9e7e/torchvision-0.24.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:5e8d5e667deff87bd66d26df6d225f46224bb0782d4f3f8f5d2f3068b5fd4492", size = 1891723, upload-time = "2025-10-15T15:51:08.5Z" }, + { url = "https://files.pythonhosted.org/packages/88/e3/1b003ecd52bd721f8304aeb66691edfbc2002747ec83d36188ad6abab506/torchvision-0.24.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:a110a51c75e89807a8382b0d8034f5e180fb9319570be3389ffd3d4ac4fd57a9", size = 2418988, upload-time = "2025-10-15T15:51:25.195Z" }, + { url = "https://files.pythonhosted.org/packages/56/2e/3c19a35e62da0f606baf8f6e2ceeab1eb66aaa2f84c6528538b06b416d54/torchvision-0.24.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:81d5b12a6df1bb2cc8bdbad837b637d6ea446f2866e6d94f1b5d478856331be3", size = 8046769, upload-time = "2025-10-15T15:51:15.221Z" }, + { url = "https://files.pythonhosted.org/packages/e0/1d/e7ab614a1ace820a2366eab1532679fbe81bd9501ffd6a1b7be14936366d/torchvision-0.24.0-cp310-cp310-win_amd64.whl", hash = "sha256:0839dbb305d34671f5a64f558782095134b04bbeff8b90f11eb80515d7d50092", size = 3686529, upload-time = "2025-10-15T15:51:20.982Z" }, + { url = "https://files.pythonhosted.org/packages/a3/17/54ed2ec6944ea972b461a86424c8c7f98835982c90cbc45bf59bd962863a/torchvision-0.24.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f771cf918351ad509a28488be475f3e9cc71a750d6b1467842bfb64863a5e986", size = 1891719, upload-time = "2025-10-15T15:51:10.384Z" }, + { url = "https://files.pythonhosted.org/packages/f8/07/0cd6776eee784742ad3cb2bfd3295383d84cb2f9e87386119333d1587f0f/torchvision-0.24.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:bbd63bf4ebff84c48c50123eba90526cc9f794fe45bc9f5dd07cec19e8c62bce", size = 2420513, upload-time = "2025-10-15T15:51:18.087Z" }, + { url = "https://files.pythonhosted.org/packages/1a/f4/6026c08011ddcefcbc14161c5aa9dce55c35c6b045e04ef0952e88bf4594/torchvision-0.24.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:78fe414b3bb6dbf7e6f6da6f733ba96881f6b29a9b997228de7c5f603e5ed940", size = 8048018, upload-time = "2025-10-15T15:51:13.579Z" }, + { url = "https://files.pythonhosted.org/packages/2f/b4/362b4e67ed87cee0fb4f8f0363a852eaeef527968bf62c07ed56f764d729/torchvision-0.24.0-cp311-cp311-win_amd64.whl", hash = "sha256:629584b94e52f32a6278f2a35d85eeaae95fcc38730fcb765064f26c3c96df5d", size = 4027686, upload-time = "2025-10-15T15:51:19.189Z" }, + { url = "https://files.pythonhosted.org/packages/47/ef/81e4e69e02e2c4650b30e8c11c8974f946682a30e0ab7e9803a831beff76/torchvision-0.24.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c61d40bcd2e2451e932902a702ad495ba1ec6f279e90b1e15cef2bb55dc911e2", size = 1891726, upload-time = "2025-10-15T15:51:16.977Z" }, + { url = "https://files.pythonhosted.org/packages/00/7b/e3809b3302caea9a12c13f3adebe4fef127188438e719fd6c8dc93db1da6/torchvision-0.24.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:b0531d1483fc322d7da0d83be52f0df860a75114ab87dbeeb9de765feaeda843", size = 2419495, upload-time = "2025-10-15T15:51:11.885Z" }, + { url = "https://files.pythonhosted.org/packages/7e/e6/7324ead6793075a8c75c56abeed1236d1750de16a5613cfe2ddad164a92a/torchvision-0.24.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:26b9dd9c083f8e5f7ac827de6d5b88c615d9c582dc87666770fbdf16887e4c25", size = 8050480, upload-time = "2025-10-15T15:51:24.012Z" }, + { url = "https://files.pythonhosted.org/packages/3e/ad/3c56fcd2a0d6e8afa80e115b5ade4302232ec99655220a51d05709819523/torchvision-0.24.0-cp312-cp312-win_amd64.whl", hash = "sha256:060b7c50ed4b3fb0316b08e2e31bfd874ec2f63ef5ae02f81e54341ca4e88703", size = 4292225, upload-time = "2025-10-15T15:51:27.699Z" }, +] + +[[package]] +name = "torchvision" +version = "0.24.0+cu128" +source = { registry = "https://download.pytorch.org/whl/cu128" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform == 'darwin'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cu128", source = { registry = "https://download.pytorch.org/whl/cu128" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0%2Bcu128-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:0d9d7b17273af5937403fa53aa59886cd1daf5bd6aea42e4c3cbba454fa2ebed" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0%2Bcu128-cp310-cp310-win_amd64.whl", hash = "sha256:09a5767d186efe6a065e3a430865143d519bcd88a0d9b14e7865902e61b1aa69" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0%2Bcu128-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:8af994ac56868f939fb1314eb99f5282951c9a12aae34b9dde00a78e42e59d21" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0%2Bcu128-cp311-cp311-win_amd64.whl", hash = "sha256:0783b511e3e5a7821480254768fc3a1193726f9cc0373aac41c28cf934ef63f0" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0%2Bcu128-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:e505bd83ee10edb94523d0b805a08f50b8862b58d2cc6f02d14cd4e7ef9302bc" }, + { url = "https://download.pytorch.org/whl/cu128/torchvision-0.24.0%2Bcu128-cp312-cp312-win_amd64.whl", hash = "sha256:1aa36ac00106e1381c38348611a1ec0eebe942570ebaf0490f026b061dfc212c" }, +] + +[[package]] +name = "torchvision" +version = "0.24.0+e437e35" +source = { registry = "https://download.pytorch.org/whl/cpu" } +resolution-markers = [ + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "numpy", marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "pillow", version = "12.0.0", source = { registry = "https://pypi.org/simple" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "torch", version = "2.9.0+cpu", source = { registry = "https://download.pytorch.org/whl/cpu" }, marker = "(python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and platform_machine != 'aarch64' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version >= '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version < '3.10' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0%2Be437e35-cp311-cp311-win_arm64.whl", hash = "sha256:2ca80aa4d855947ffb6c48029b3d99b68a672f8036ace7d6f4002ab51d7cf4e4" }, + { url = "https://download.pytorch.org/whl/cpu/torchvision-0.24.0%2Be437e35-cp312-cp312-win_arm64.whl", hash = "sha256:c3e23d49a598c2edaf08d9d285fe9f74fca5ab39eb713ac3cee2a292bcecc442" }, ] [[package]] @@ -3641,10 +20559,11 @@ wheels = [ [[package]] name = "transformers" -version = "4.56.1" +version = "4.57.1" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "filelock" }, + { name = "filelock", version = "3.19.1", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "filelock", version = "3.20.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "huggingface-hub" }, { name = "numpy" }, { name = "packaging" }, @@ -3655,9 +20574,9 @@ dependencies = [ { name = "tokenizers" }, { name = "tqdm" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/89/21/dc88ef3da1e49af07ed69386a11047a31dcf1aaf4ded3bc4b173fbf94116/transformers-4.56.1.tar.gz", hash = "sha256:0d88b1089a563996fc5f2c34502f10516cad3ea1aa89f179f522b54c8311fe74", size = 9855473, upload-time = "2025-09-04T20:47:13.14Z" } +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/7c/283c3dd35e00e22a7803a0b2a65251347b745474a82399be058bde1c9f15/transformers-4.56.1-py3-none-any.whl", hash = "sha256:1697af6addfb6ddbce9618b763f4b52d5a756f6da4899ffd1b4febf58b779248", size = 11608197, upload-time = "2025-09-04T20:47:04.895Z" }, + { 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]] @@ -3665,14 +20584,19 @@ name = "triton" version = "3.2.0" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' 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 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 sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' 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/bc/74/9f12bdedeb110242d8bb1bd621f6605e753ee0cbf73cf7f3a62b8173f190/triton-3.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30ceed0eff2c4a73b14eb63e052992f44bbdf175f3fad21e1ac8097a772de7ee", size = 253057866, upload-time = "2025-01-22T19:14:23.943Z" }, ] [[package]] @@ -3680,41 +20604,133 @@ name = "triton" version = "3.3.1" source = { registry = "https://pypi.org/simple" } resolution-markers = [ - "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version >= '3.12' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version >= '3.12' and sys_platform != 'darwin' and sys_platform != 'linux')", - "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux'", - "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and sys_platform == 'linux') or (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'", - "(python_full_version < '3.11' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.11' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux')", + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", ] dependencies = [ - { name = "setuptools", marker = "(platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra != 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] 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/6d/81/ac4d50af22f594c4cb7c84fd2ad5ba1e0c03e2a83fe3483ddd79edcd7ec7/triton-3.3.1-cp39-cp39-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:f6139aeb04a146b0b8e0fbbd89ad1e65861c57cfed881f21d62d3cb94a36bab7", size = 155596799, upload-time = "2025-05-29T23:40:18.949Z" }, +] + +[[package]] +name = "triton" +version = "3.4.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux')", +] +dependencies = [ + { name = "importlib-metadata", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "setuptools", marker = "(python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and platform_machine != 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version < '3.10' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (python_full_version >= '3.10' and sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.10' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'arm64' and sys_platform == 'darwin' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'darwin' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (sys_platform == 'linux' and extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, +] +wheels = [ + { url = "https://files.pythonhosted.org/packages/62/ee/0ee5f64a87eeda19bbad9bc54ae5ca5b98186ed00055281fd40fb4beb10e/triton-3.4.0-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:7ff2785de9bc02f500e085420273bb5cc9c9bb767584a4aa28d6e360cec70128", size = 155430069, upload-time = "2025-07-30T19:58:21.715Z" }, + { url = "https://files.pythonhosted.org/packages/7d/39/43325b3b651d50187e591eefa22e236b2981afcebaefd4f2fc0ea99df191/triton-3.4.0-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:7b70f5e6a41e52e48cfc087436c8a28c17ff98db369447bcaff3b887a3ab4467", size = 155531138, upload-time = "2025-07-30T19:58:29.908Z" }, + { url = "https://files.pythonhosted.org/packages/d0/66/b1eb52839f563623d185f0927eb3530ee4d5ffe9d377cdaf5346b306689e/triton-3.4.0-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:31c1d84a5c0ec2c0f8e8a072d7fd150cab84a9c239eaddc6706c081bfae4eb04", size = 155560068, upload-time = "2025-07-30T19:58:37.081Z" }, + { url = "https://files.pythonhosted.org/packages/12/34/1251beb5a3cb93f3950ebe68732752014646003ef6eb11eb5f1a37ca78cd/triton-3.4.0-cp39-cp39-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:98e5c1442eaeabae2e2452ae765801bd53cd4ce873cab0d1bdd59a32ab2d9397", size = 155430799, upload-time = "2025-07-30T19:58:57.664Z" }, +] + +[[package]] +name = "triton" +version = "3.5.0" +source = { registry = "https://pypi.org/simple" } +resolution-markers = [ + "python_full_version >= '3.12' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra == 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system != 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system != 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version >= '3.12' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version >= '3.12' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version >= '3.12' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.11.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.11.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.11.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", + "python_full_version == '3.10.*' and platform_machine == 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126'", + "(python_full_version == '3.10.*' and platform_machine != 'aarch64' and platform_system == 'darwin' and sys_platform == 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126') or (python_full_version == '3.10.*' and platform_system == 'darwin' and sys_platform != 'darwin' and sys_platform != 'linux' and extra != 'extra-13-inference-exp-onnx-cpu' and extra != 'extra-13-inference-exp-onnx-cu118' and extra != 'extra-13-inference-exp-onnx-cu12' and extra != 'extra-13-inference-exp-onnx-jp6-cu126' and extra != 'extra-13-inference-exp-torch-cpu' and extra != 'extra-13-inference-exp-torch-cu118' and extra != 'extra-13-inference-exp-torch-cu124' and extra != 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128' and extra != 'extra-13-inference-exp-torch-jp6-cu126')", +] +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" }, ] [[package]] name = "typing-extensions" -version = "4.14.0" +version = "4.15.0" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/d1/bc/51647cd02527e87d05cb083ccc402f93e441606ff1f01739a62c8ad09ba5/typing_extensions-4.14.0.tar.gz", hash = "sha256:8676b788e32f02ab42d9e7c61324048ae4c6d844a399eebace3d4979d75ceef4", size = 107423, upload-time = "2025-06-02T14:52:11.399Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/69/e0/552843e0d356fbb5256d21449fa957fa4eff3bbc135a74a691ee70c7c5da/typing_extensions-4.14.0-py3-none-any.whl", hash = "sha256:a1514509136dd0b477638fc68d6a91497af5076466ad0fa6c338e44e359944af", size = 43839, upload-time = "2025-06-02T14:52:10.026Z" }, + { url = "https://files.pythonhosted.org/packages/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.1" +version = "0.4.2" source = { registry = "https://pypi.org/simple" } dependencies = [ { name = "typing-extensions" }, ] -sdist = { url = "https://files.pythonhosted.org/packages/f8/b1/0c11f5058406b3af7609f121aaa6b609744687f1d158b3c3a5bf4cc94238/typing_inspection-0.4.1.tar.gz", hash = "sha256:6ae134cc0203c33377d43188d4064e9b357dba58cff3185f22924610e70a9d28", size = 75726, upload-time = "2025-05-21T18:55:23.885Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/17/69/cd203477f944c353c31bade965f880aa1061fd6bf05ded0726ca845b6ff7/typing_inspection-0.4.1-py3-none-any.whl", hash = "sha256:389055682238f53b04f7badcb49b989835495a96700ced5dab2d8feae4b26f51", size = 14552, upload-time = "2025-05-21T18:55:22.152Z" }, + { url = "https://files.pythonhosted.org/packages/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]] @@ -3728,11 +20744,11 @@ wheels = [ [[package]] name = "wcwidth" -version = "0.2.13" +version = "0.2.14" source = { registry = "https://pypi.org/simple" } -sdist = { url = "https://files.pythonhosted.org/packages/6c/63/53559446a878410fc5a5974feb13d31d78d752eb18aeba59c7fef1af7598/wcwidth-0.2.13.tar.gz", hash = "sha256:72ea0c06399eb286d978fdedb6923a9eb47e1c486ce63e9b4e64fc18303972b5", size = 101301, upload-time = "2024-01-06T02:10:57.829Z" } +sdist = { url = "https://files.pythonhosted.org/packages/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/fd/84/fd2ba7aafacbad3c4201d395674fc6348826569da3c0937e75505ead3528/wcwidth-0.2.13-py2.py3-none-any.whl", hash = "sha256:3da69048e4540d84af32131829ff948f1e022c1c6bdb8d6102117aac784f6859", size = 34166, upload-time = "2024-01-06T02:10:55.763Z" }, + { url = "https://files.pythonhosted.org/packages/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]] @@ -3740,10 +20756,20 @@ name = "yapf" version = "0.43.0" source = { registry = "https://pypi.org/simple" } dependencies = [ - { name = "platformdirs" }, + { name = "platformdirs", version = "4.4.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version < '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, + { name = "platformdirs", version = "4.5.0", source = { registry = "https://pypi.org/simple" }, marker = "python_full_version >= '3.10' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, { name = "tomli", marker = "python_full_version < '3.11' or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu118') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cpu' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-cu12') or (extra == 'extra-13-inference-exp-onnx-cu118' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-onnx-cu12' and extra == 'extra-13-inference-exp-onnx-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu118') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cpu' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu124') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu118' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu126') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu124' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-cu128') or (extra == 'extra-13-inference-exp-torch-cu126' and extra == 'extra-13-inference-exp-torch-jp6-cu126') or (extra == 'extra-13-inference-exp-torch-cu128' and extra == 'extra-13-inference-exp-torch-jp6-cu126')" }, ] sdist = { url = "https://files.pythonhosted.org/packages/23/97/b6f296d1e9cc1ec25c7604178b48532fa5901f721bcf1b8d8148b13e5588/yapf-0.43.0.tar.gz", hash = "sha256:00d3aa24bfedff9420b2e0d5d9f5ab6d9d4268e72afbf59bb3fa542781d5218e", size = 254907, upload-time = "2024-11-14T00:11:41.584Z" } wheels = [ { url = "https://files.pythonhosted.org/packages/37/81/6acd6601f61e31cfb8729d3da6d5df966f80f374b78eff83760714487338/yapf-0.43.0-py3-none-any.whl", hash = "sha256:224faffbc39c428cb095818cf6ef5511fdab6f7430a10783fdfb292ccf2852ca", size = 256158, upload-time = "2024-11-14T00:11:39.37Z" }, ] + +[[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" }, +] diff --git a/inference_sdk/http/utils/aliases.py b/inference_sdk/http/utils/aliases.py index 1d23ccd0a8..2ea070a222 100644 --- a/inference_sdk/http/utils/aliases.py +++ b/inference_sdk/http/utils/aliases.py @@ -83,8 +83,11 @@ "paligemma-3b-ft-tallyqa-448": "paligemma-pretrains/17", "paligemma-3b-ft-docvqa-448": "paligemma-pretrains/18", "paligemma-3b-ft-ocrvqa-448": "paligemma-pretrains/19", - "florence-2-base": "florence-pretrains/1", - "florence-2-large": "florence-pretrains/2", + # "florence-2-base": "florence-pretrains/1", + # "florence-2-large": "florence-pretrains/2", + # since transformers 0.53.3 need newer version of florence2 weights + "florence-2-base": "florence-pretrains/3", + "florence-2-large": "florence-pretrains/4", **YOLOV11_ALIASES, **QWEN_ALIASES, **RFDETR_ALIASES, diff --git a/requirements/_requirements.txt b/requirements/_requirements.txt index 95bd3e51ff..0b03581018 100644 --- a/requirements/_requirements.txt +++ b/requirements/_requirements.txt @@ -13,7 +13,7 @@ prometheus-fastapi-instrumentator<=6.0.0 psutil>=7.0.0 redis~=5.0.0 requests>=2.32.0,<3.0.0 -rich>=13.0.0,<13.10.0 +rich>=13.0.0,<15.0.0 supervision>=0.26 pybase64~=1.0.0 scikit-image>=0.19.0,<=0.25.2 @@ -37,7 +37,7 @@ pandas>=2.2.3,<3.0.0 paho-mqtt~=1.6.1 pytest>=8.0.0,<9.0.0 # this is not a joke, sam2 requires this as the fork we are using is dependent on that, yet # do not mark the dependency: https://github.com/SauravMaheshkar/samv2/blob/main/sam2/utils/download.py -tokenizers>=0.19.0,<0.22.0 +tokenizers>=0.19.0,<0.23.0 slack-sdk~=3.33.4 twilio~=9.3.7 httpx~=0.28.1 @@ -48,3 +48,4 @@ filelock>=3.12.0,<=3.17.0 onvif-zeep-async==2.0.0 # versions > 2.0.0 will not work with Python 3.9 despite docs simple-pid~=2.0.1 qrcode~=8.0.0 +inference-exp>=0.15.2 \ No newline at end of file diff --git a/requirements/requirements.cli.txt b/requirements/requirements.cli.txt index 0694f0b2f1..0e87cbce13 100644 --- a/requirements/requirements.cli.txt +++ b/requirements/requirements.cli.txt @@ -2,7 +2,7 @@ requests>=2.32.0,<3.0.0 docker>=7.0.0,<8.0.0 click<8.2.0 # temporary pin until fastapi/typer#1145 is released typer>=0.9.0,<=0.16.0 -rich>=13.0.0,<13.10.0 +rich>=13.0.0,<15.0.0 PyYAML~=6.0.0 supervision>=0.26 opencv-python>=4.8.1.78,<=4.10.0.84 diff --git a/requirements/requirements.test.unit.txt b/requirements/requirements.test.unit.txt index 460896d51f..38d39eeb5f 100644 --- a/requirements/requirements.test.unit.txt +++ b/requirements/requirements.test.unit.txt @@ -4,7 +4,7 @@ pytest pillow requests_toolbelt requests-mock==1.11.0 -rich>=13.0.0,<14.0.0 +rich>=13.0.0,<15.0.0 pytest-asyncio<=0.21.1 pytest-timeout>=2.2.0 httpx~=0.28.1 diff --git a/requirements/requirements.transformers.txt b/requirements/requirements.transformers.txt index 51b502a3b4..43855ac750 100644 --- a/requirements/requirements.transformers.txt +++ b/requirements/requirements.transformers.txt @@ -1,7 +1,7 @@ # TODO: update to 2.8.0 once pre-built flashattn is available torch>=2.0.1,<2.7.0 torchvision>=0.15.0 -transformers>=4.50.0,<4.52.0 +transformers>=4.53.3,<4.57.0 timm~=1.0.0 #accelerate>=0.32,<1.0.0 accelerate>=1.0.0,<2.0.0 diff --git a/tests/inference/integration_tests/test_florence.py b/tests/inference/integration_tests/test_florence.py index 5ef74bcb51..8e87b6e08a 100644 --- a/tests/inference/integration_tests/test_florence.py +++ b/tests/inference/integration_tests/test_florence.py @@ -8,8 +8,8 @@ # Keep up to date with inference.models.aliases.FLORENCE_ALIASES # Can't import because adds a lot of requirements to testing environment FLORENCE_ALIASES = { - "florence-2-base": "florence-pretrains/1", - "florence-2-large": "florence-pretrains/2", + "florence-2-base": "florence-pretrains/3", # since transformers 0.53.3 need newer version of florence2 weights + "florence-2-large": "florence-pretrains/4", } api_key = os.environ.get("melee_API_KEY") diff --git a/tests/inference/models_predictions_tests/test_florence2.py b/tests/inference/models_predictions_tests/test_florence2.py index 331c88624d..7202d2d919 100644 --- a/tests/inference/models_predictions_tests/test_florence2.py +++ b/tests/inference/models_predictions_tests/test_florence2.py @@ -8,7 +8,9 @@ def test_florence2_caption( example_image: np.ndarray, ) -> None: - model = Florence2("florence-pretrains/1") + # model = Florence2("florence-pretrains/1") + # since transformers 0.53.3 need newer version of florence2 weights + model = Florence2("florence-pretrains/3") response = model.infer(example_image, prompt="")[0].response assert "" in response assert "a close up of a dog looking over a fence" in response[""]